diff --git a/bigram-neural/model-predict.py b/bigram-neural/model-predict.py new file mode 100644 index 0000000..3c445f0 --- /dev/null +++ b/bigram-neural/model-predict.py @@ -0,0 +1,131 @@ +import pickle + +from torch.utils.data import IterableDataset +import itertools +from torch import nn +import torch +import lzma +from torch.utils.data import DataLoader +import pandas as pd +import tqdm +import regex as re +from nltk import word_tokenize +import csv +import nltk + +vocabulary_size = 20000 +most_common_en_word = "the:0.4 be:0.2 to:0.1 of:0.05 and:0.025 a:0.0125 :0.2125" +nltk.download("punkt") + +vocab = None +with open('vocabulary.pickle', 'rb') as handle: + vocab = pickle.load(handle) + +def look_ahead_iterator(gen): + prev = None + for item in gen: + if prev is not None: + yield (prev, item) + prev = item + +def get_words_from_line(line): + line = line.rstrip() + yield '' + for t in line.split(' '): + yield t + yield '' + +def get_word_lines_from_file(file_name): + with lzma.open(file_name, 'r') as fh: + for line in fh: + yield get_words_from_line(line.decode('utf-8')) + +class Bigrams(IterableDataset): + def __init__(self, text_file, vocabulary_size): + self.vocab = vocab + self.vocab.set_default_index(self.vocab['']) + 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)))) + +train_dataset = Bigrams('train/in.tsv.xz', vocabulary_size) + +# print(next(iter(train_dataset))) +# +# print(vocab.lookup_tokens([23, 0])) + +embed_size = 100 + +class SimpleBigramNeuralLanguageModel(nn.Module): + def __init__(self, vocabulary_size, embedding_size): + super(SimpleBigramNeuralLanguageModel, self).__init__() + self.model = nn.Sequential( + nn.Embedding(vocabulary_size, embedding_size), + nn.Linear(embedding_size, vocabulary_size), + nn.Softmax() + ) + + def forward(self, x): + return self.model(x) + + + +device = 'cuda' +model = SimpleBigramNeuralLanguageModel(vocabulary_size, embed_size).to(device) +model.load_state_dict(torch.load('model1.bin')) +model.eval() + +def predict_probs(word1): + ixs = torch.tensor(vocab.forward([word1])).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) + result_model = (list(zip(top_words, top_indices, top_probs))) + + n_best = 5 # choose the top 5 predictions + + # Remove any tokens from the predictions + unk_prob = 0 + new_predictions = [] + for pred in result_model: + if pred[0] == '': + unk_prob = pred[2] + else: + new_predictions.append(pred) + + # Sort the predictions by probability and choose the top n + top_n = new_predictions[:n_best] + + # Format the predictions as a string + output_str = '' + for i, pred in enumerate(top_n): + output_str += pred[0] + ':' + str(round(pred[2], 3)) + ' ' + output_str += ':{}'.format(round(1 - sum([pred[2] for pred in top_n]) - unk_prob, 3)) + return output_str + + +def prepare_text(text): + text = text.lower().replace("-\\n", "").replace("\\n", " ") + text = re.sub(r"\p{P}", "", text) + return text + +def predict_file(file): + data = pd.read_csv(f'{file}/in.tsv.xz', sep='\t', on_bad_lines='skip', header=None, quoting=csv.QUOTE_NONE) + with open(f'{file}/out.tsv', 'w', encoding='utf-8') as file_out: + for _, row in tqdm.tqdm(data.iterrows()): + before = word_tokenize(prepare_text(str(row[6]))) + if len(before) < 2: + prediction = most_common_en_word + else: + prediction = predict_probs(before[-1]) + file_out.write(prediction + '\n') + +predict_file('dev-0') + +predict_file('test-A') diff --git a/bigram-neural/train.py b/bigram-neural/train.py new file mode 100644 index 0000000..9016353 --- /dev/null +++ b/bigram-neural/train.py @@ -0,0 +1,35 @@ +from itertools import islice +import regex as re +import sys +from torchtext.vocab import build_vocab_from_iterator +import lzma +import pickle + +def get_words_from_line(line): + line = line.rstrip() + yield '' + for t in line.split(' '): + yield t + yield '' + +n_size = 100000 +def get_word_lines_from_file(file_name): + with lzma.open(file_name, 'r') as fh: + n = 0 + for line in fh: + n += 1 + yield get_words_from_line(line.decode('utf-8')) + if n == n_size: + break + +vocab_size = 20000 + +vocab = build_vocab_from_iterator( + get_word_lines_from_file('train/in.tsv.xz'), + max_tokens = vocab_size, + specials = ['']) + +with open('vocabulary.pickle', 'wb') as handle: + pickle.dump(vocab, handle, protocol=pickle.HIGHEST_PROTOCOL) + +vocab['human'] \ No newline at end of file diff --git a/bigram-neural/train2.py b/bigram-neural/train2.py new file mode 100644 index 0000000..fb903a4 --- /dev/null +++ b/bigram-neural/train2.py @@ -0,0 +1,104 @@ +import pickle + +from torch.utils.data import IterableDataset +import itertools +from torch import nn +import torch +import lzma +from torch.utils.data import DataLoader + +import tqdm + +vocabulary_size = 20000 + +vocab = None +with open('vocabulary.pickle', 'rb') as handle: + vocab = pickle.load(handle) + +def look_ahead_iterator(gen): + prev = None + for item in gen: + if prev is not None: + yield (prev, item) + prev = item + +def get_words_from_line(line): + line = line.rstrip() + yield '' + for t in line.split(' '): + yield t + yield '' + +def get_word_lines_from_file(file_name): + with lzma.open(file_name, 'r') as fh: + for line in fh: + yield get_words_from_line(line.decode('utf-8')) + +class Bigrams(IterableDataset): + def __init__(self, text_file, vocabulary_size): + self.vocab = vocab + self.vocab.set_default_index(self.vocab['']) + 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)))) + +train_dataset = Bigrams('train/in.tsv.xz', vocabulary_size) + +# print(next(iter(train_dataset))) +# +# print(vocab.lookup_tokens([23, 0])) + +embed_size = 100 + +class SimpleBigramNeuralLanguageModel(nn.Module): + def __init__(self, vocabulary_size, embedding_size): + super(SimpleBigramNeuralLanguageModel, self).__init__() + self.model = nn.Sequential( + nn.Embedding(vocabulary_size, embedding_size), + nn.Linear(embedding_size, vocabulary_size), + nn.Softmax() + ) + + def forward(self, x): + return self.model(x) + +device = 'cuda' +model = SimpleBigramNeuralLanguageModel(vocabulary_size, embed_size).to(device) +data = DataLoader(train_dataset, batch_size=500) +optimizer = torch.optim.Adam(model.parameters()) +criterion = torch.nn.NLLLoss() + +model.train() +step = 0 +for x, y in tqdm.tqdm(data): + x = x.to(device) + y = y.to(device) + optimizer.zero_grad() + ypredicted = model(x) + loss = criterion(torch.log(ypredicted), y) + if step % 100 == 0: + print(step, loss) + if step > 5000: + break + step += 1 + loss.backward() + optimizer.step() + +torch.save(model.state_dict(), 'model1.bin') + +device = 'cuda' +model = SimpleBigramNeuralLanguageModel(vocabulary_size, embed_size).to(device) +model.load_state_dict(torch.load('model1.bin')) +model.eval() + +ixs = torch.tensor(vocab.forward(['that'])).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) +print(list(zip(top_words, top_indices, top_probs))) \ No newline at end of file diff --git a/dev-0/out.tsv b/dev-0/out.tsv new file mode 100644 index 0000000..1994164 --- /dev/null +++ b/dev-0/out.tsv @@ -0,0 +1,10519 @@ +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.053 in:0.046 the:0.045 to:0.045 and:0.032 :0.358 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.109 and:0.088 to:0.056 the:0.052 in:0.033 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.05 a:0.027 that:0.01 to:0.009 one:0.007 :0.771 +and:0.065 to:0.063 as:0.046 in:0.044 that:0.035 :0.625 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +a:0.025 to:0.019 of:0.015 the:0.015 and:0.012 :0.568 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +of:0.072 to:0.047 and:0.045 in:0.022 with:0.015 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.107 to:0.048 in:0.032 and:0.03 the:0.025 :0.638 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.062 and:0.049 of:0.032 a:0.026 in:0.02 :0.64 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.046 to:0.014 it:0.011 of:0.01 in:0.009 :0.376 +to:0.172 of:0.152 in:0.072 and:0.048 for:0.023 :0.246 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.017 the:0.01 and:0.007 a:0.007 to:0.005 :0.916 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.121 and:0.035 to:0.032 is:0.031 in:0.023 :0.628 +the:0.042 and:0.041 of:0.025 to:0.024 a:0.018 :0.445 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.158 and:0.057 the:0.04 to:0.03 that:0.02 :0.402 +the:0.179 to:0.062 a:0.051 in:0.032 of:0.032 :0.483 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.06 and:0.058 of:0.04 in:0.021 for:0.016 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.185 and:0.113 of:0.104 in:0.048 for:0.028 :0.362 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +of:0.042 to:0.034 and:0.029 the:0.018 in:0.015 :0.429 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.031 to:0.027 up:0.007 and:0.007 of\nthe:0.006 :0.923 +to:0.132 of:0.062 and:0.05 is:0.045 that:0.036 :0.535 +to:0.096 of:0.081 in:0.044 by:0.044 and:0.04 :0.476 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.032 of:0.032 and:0.025 in:0.019 the:0.018 :0.82 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.084 is:0.072 to:0.062 was:0.059 and:0.057 :0.56 +of:0.056 to:0.037 and:0.033 that:0.028 as:0.018 :0.447 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.027 of:0.026 in:0.01 the:0.009 as:0.006 :0.512 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +are:0.001 sum:0.001 as:0.001 and:0.001 :0.001 :0.988 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.176 and:0.069 the:0.061 to:0.027 in:0.021 :0.453 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.162 a:0.083 to:0.019 his:0.016 an:0.012 :0.401 +to:0.116 of:0.111 the:0.071 and:0.042 in:0.04 :0.501 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +of:0.324 and:0.05 to:0.023 in:0.018 at:0.014 :0.357 +the:0.112 a:0.015 are:0.014 and:0.011 of:0.01 :0.367 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +to:0.105 of:0.102 and:0.056 in:0.027 for:0.014 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +to:0.062 the:0.051 a:0.047 of:0.029 that:0.022 :0.416 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.016 the:0.013 and:0.012 they:0.007 it:0.007 :0.852 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.078 and:0.043 to:0.035 in:0.022 by:0.014 :0.752 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.033 valorem:0.02 a:0.012 and:0.011 in:0.011 :0.639 +of:0.057 and:0.019 to:0.018 the:0.018 a:0.014 :0.661 +of:0.07 the:0.063 that:0.051 in:0.036 and:0.035 :0.425 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.133 of:0.073 that:0.062 and:0.035 for:0.027 :0.454 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 to:0.043 and:0.035 of:0.034 that:0.027 :0.476 +of:0.097 and:0.05 in:0.043 to:0.035 by:0.032 :0.428 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +of:0.039 and:0.026 the:0.013 in:0.008 by:0.007 :0.641 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.01 and:0.005 of:0.005 :0.004 .:0.003 :0.753 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +the:0.044 of:0.025 a:0.021 to:0.018 in:0.014 :0.317 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +to:0.014 and:0.013 of:0.012 in:0.01 that:0.008 :0.829 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.042 the:0.04 and:0.026 of:0.016 :0.012 :0.569 +and:0.037 of:0.027 for:0.027 in:0.022 as:0.021 :0.648 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.036 and:0.033 that:0.015 by:0.012 :0.388 +to:0.241 of:0.079 in:0.033 and:0.025 that:0.025 :0.331 +of:0.019 men:0.015 and:0.013 in:0.007 as:0.005 :0.651 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.049 the:0.041 and:0.034 that:0.024 The:0.023 :0.552 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +of:0.125 and:0.061 to:0.048 in:0.03 or:0.029 :0.403 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.071 to:0.07 and:0.04 the:0.035 for:0.035 :0.647 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.024 of:0.019 and:0.014 be:0.013 have:0.011 :0.396 +and:0.055 to:0.044 the:0.04 it:0.023 of:0.023 :0.732 +the:0.126 a:0.027 his:0.011 this:0.01 that:0.009 :0.465 +of:0.199 and:0.083 to:0.059 contained:0.024 in:0.018 :0.436 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.052 to:0.047 in:0.041 and:0.04 at:0.02 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.194 and:0.058 of:0.043 in:0.027 is:0.015 :0.425 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.083 to:0.043 that:0.041 of:0.034 the:0.031 :0.522 +and:0.028 in:0.013 of:0.013 to:0.011 a:0.009 :0.487 +the:0.087 him:0.063 me:0.06 of:0.038 and:0.037 :0.477 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +and:0.03 of:0.028 to:0.018 :0.016 or:0.011 :0.79 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +to:0.061 in:0.039 and:0.031 as:0.018 for:0.013 :0.563 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.323 and:0.057 to:0.044 the:0.023 that:0.016 :0.232 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.02 not:0.019 to:0.018 a:0.011 the:0.011 :0.658 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.106 to:0.085 and:0.075 the:0.041 for:0.032 :0.541 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.098 the:0.047 and:0.032 in:0.02 a:0.015 :0.472 +the:0.054 and:0.053 to:0.046 for:0.042 of:0.036 :0.501 +of:0.065 and:0.041 the:0.019 to:0.018 side:0.016 :0.489 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.039 of:0.03 a:0.028 the:0.027 in:0.016 :0.692 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +estate:0.092 estate,:0.06 of:0.052 and:0.024 the:0.016 :0.344 +the:0.009 .:0.008 and:0.006 M:0.005 have:0.005 :0.501 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +a:0.016 the:0.012 :0.011 and:0.008 men:0.006 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +to:0.105 and:0.079 of:0.06 in:0.033 that:0.033 :0.513 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.074 the:0.034 and:0.034 in:0.015 to:0.014 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.053 and:0.019 of:0.014 it:0.012 that:0.011 :0.53 +of:0.077 to:0.071 and:0.052 as:0.04 in:0.036 :0.498 +to:0.212 that:0.026 and:0.022 in:0.022 on:0.013 :0.598 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +of:0.166 and:0.06 the:0.052 to:0.028 in:0.02 :0.298 +of:0.061 and:0.05 in:0.017 to:0.016 is:0.015 :0.725 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.158 and:0.074 or:0.024 in:0.017 is:0.014 :0.418 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +THE:0.005 of:0.005 had:0.002 know:0.002 been:0.002 :0.981 +to:0.033 the:0.029 in:0.023 that:0.022 and:0.022 :0.658 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.024 in:0.02 is:0.018 day:0.018 and:0.017 :0.68 +to:0.301 of:0.086 for:0.036 in:0.033 and:0.028 :0.344 +the:0.037 and:0.022 of:0.018 as:0.013 that:0.012 :0.429 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.127 of:0.081 and:0.072 in:0.033 is:0.026 :0.455 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +to:0.066 of:0.062 and:0.03 .:0.016 in:0.016 :0.739 +AND:0.029 of:0.014 was:0.011 will:0.008 is:0.007 :0.924 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +board:0.002 of:0.001 Paul,:0.001 into:0.001 as:0.001 :0.995 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.194 of:0.07 a:0.053 to:0.041 that:0.02 :0.317 +of:0.158 that:0.07 to:0.06 and:0.053 the:0.046 :0.494 +the:0.042 and:0.041 of:0.025 to:0.024 a:0.018 :0.445 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.136 a:0.022 it:0.012 and:0.011 which:0.009 :0.293 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.065 a:0.041 and:0.021 in:0.02 as:0.019 :0.509 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.054 to:0.042 of:0.031 in:0.024 on:0.019 :0.617 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.152 and:0.059 to:0.05 in:0.032 as:0.019 :0.416 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +to:0.064 in:0.043 and:0.037 by:0.031 of:0.03 :0.446 +to:0.064 in:0.031 of:0.031 and:0.029 that:0.021 :0.312 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +described:0.003 and:0.002 .:0.002 of:0.002 in:0.001 :0.987 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.086 to:0.044 the:0.034 and:0.033 that:0.015 :0.427 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.023 of:0.011 part:0.007 or:0.006 to:0.006 :0.561 +as:0.048 and:0.038 that:0.037 of:0.033 the:0.025 :0.784 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +and:0.018 was:0.017 of:0.015 .:0.012 is:0.012 :0.766 +of:0.198 and:0.108 to:0.046 in:0.034 with:0.03 :0.344 +and:0.055 in:0.029 to:0.027 the:0.023 of:0.022 :0.572 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +of:0.316 to:0.069 and:0.062 for:0.047 in:0.047 :0.376 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.066 the:0.023 to:0.022 and:0.021 that:0.015 :0.659 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +of:0.228 to:0.091 and:0.03 that:0.022 in:0.022 :0.432 +to:0.088 in:0.031 and:0.027 on:0.014 a:0.013 :0.718 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +the:0.069 in:0.028 to:0.027 not:0.025 a:0.023 :0.557 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +to:0.024 of:0.014 in:0.014 and:0.012 on:0.011 :0.888 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.042 and:0.035 the:0.033 to:0.023 a:0.02 :0.604 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +years:0.006 days:0.005 the:0.005 that:0.004 feet:0.003 :0.974 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +EVENING:0.002 AND:0.001 cotton:0.001 weeks:0.001 COUNTY:0.001 :0.995 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.214 for:0.044 to:0.04 in:0.035 and:0.035 :0.538 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +of:0.499 in:0.042 to:0.037 and:0.029 with:0.026 :0.27 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.081 of:0.069 to:0.039 is:0.033 in:0.031 :0.637 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +of:0.055 to:0.052 and:0.032 in:0.027 that:0.027 :0.606 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +to:0.027 in:0.017 of:0.017 and:0.016 the:0.013 :0.595 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +of:0.154 the:0.061 they:0.041 he:0.039 it:0.035 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.15 to:0.073 and:0.046 in:0.044 the:0.021 :0.533 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.065 of:0.062 and:0.034 to:0.017 in:0.014 :0.562 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +the:0.036 he:0.035 it:0.031 they:0.027 to:0.025 :0.617 +to:0.084 and:0.037 in:0.024 for:0.023 the:0.023 :0.565 +and:0.067 the:0.063 of:0.049 is:0.02 was:0.019 :0.568 +of:0.039 and:0.019 in:0.012 is:0.01 was:0.008 :0.372 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +to:0.054 and:0.025 the:0.022 that:0.017 of:0.017 :0.438 +been:0.182 a:0.043 the:0.031 to:0.027 of:0.01 :0.412 +to:0.062 of:0.042 and:0.027 the:0.019 in:0.013 :0.429 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.109 of:0.106 and:0.027 to:0.018 that:0.016 :0.475 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.078 of:0.054 in:0.053 to:0.052 a:0.033 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.142 and:0.072 to:0.036 in:0.028 for:0.023 :0.397 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +in:0.013 :0.011 to:0.009 as:0.009 The:0.008 :0.762 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.159 to:0.095 and:0.048 in:0.045 is:0.023 :0.456 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.096 to:0.06 a:0.042 of:0.041 and:0.028 :0.536 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.008 to:0.006 that:0.005 the:0.004 and:0.004 :0.954 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.003 be:0.002 than:0.002 pay:0.002 take:0.001 :0.989 +was:0.029 is:0.019 will:0.018 and:0.018 to:0.017 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.101 you:0.041 a:0.03 me:0.022 of:0.022 :0.599 +to:0.132 and:0.068 in:0.039 of:0.028 on:0.014 :0.409 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.127 is:0.042 and:0.037 to:0.03 as:0.029 :0.654 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +the:0.055 to:0.042 and:0.03 in:0.028 a:0.027 :0.459 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.297 a:0.05 tho:0.011 his:0.01 of:0.01 :0.405 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.007 :0.004 The:0.004 STATE:0.003 He:0.002 :0.975 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.031 and:0.03 to:0.026 in:0.02 the:0.014 :0.501 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.375 and:0.049 to:0.047 in:0.024 for:0.012 :0.212 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.038 and:0.017 that:0.01 a:0.01 to:0.008 :0.484 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.105 and:0.037 to:0.035 the:0.022 in:0.022 :0.736 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +the:0.057 not:0.032 it:0.023 a:0.019 be:0.015 :0.689 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.043 and:0.038 to:0.035 in:0.032 is:0.02 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.093 and:0.066 the:0.04 in:0.028 by:0.023 :0.555 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.108 of:0.076 as:0.038 in:0.038 and:0.03 :0.47 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +of:0.204 to:0.151 the:0.086 and:0.046 in:0.035 :0.328 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.091 and:0.052 to:0.028 in:0.028 that:0.017 :0.502 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.126 the:0.054 and:0.025 in:0.025 a:0.016 :0.364 +of:0.037 to:0.035 and:0.018 that:0.014 in:0.012 :0.723 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +of:0.044 the:0.032 and:0.028 that:0.013 to:0.009 :0.618 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +the:0.065 to:0.052 of:0.042 and:0.033 a:0.033 :0.549 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +to:0.116 of:0.102 in:0.058 and:0.043 that:0.035 :0.413 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +and:0.04 of:0.035 to:0.03 in:0.02 be:0.011 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.083 and:0.032 that:0.022 to:0.02 who:0.014 :0.752 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.055 to:0.051 of:0.035 and:0.019 that:0.015 :0.637 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.067 the:0.045 to:0.038 of:0.029 in:0.024 :0.528 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.193 and:0.071 to:0.047 the:0.031 in:0.02 :0.411 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +to:0.049 and:0.043 of:0.033 that:0.014 in:0.011 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.139 to:0.086 and:0.04 with:0.029 in:0.025 :0.563 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +and:0.051 :0.03 the:0.027 that:0.023 to:0.019 :0.695 +of:0.097 to:0.072 and:0.054 in:0.029 that:0.023 :0.593 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.042 the:0.022 to:0.019 that:0.016 of:0.008 :0.26 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.114 and:0.035 that:0.02 a:0.018 it:0.015 :0.333 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +than:0.054 and:0.033 in:0.026 of:0.021 on:0.01 :0.627 +of:0.194 to:0.124 the:0.078 and:0.031 that:0.031 :0.397 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.323 and:0.057 to:0.044 the:0.023 that:0.016 :0.232 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.063 and:0.047 the:0.043 of:0.034 a:0.03 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.052 of:0.02 a:0.018 the:0.016 and:0.014 :0.564 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +to:0.082 of:0.07 from:0.041 in:0.036 and:0.025 :0.535 +of:0.119 that:0.069 and:0.056 to:0.047 is:0.034 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.213 to:0.195 in:0.056 for:0.052 and:0.045 :0.264 +:0.005 so:0.003 to:0.003 a:0.002 .:0.002 :0.981 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 and:0.05 that:0.035 to:0.028 is:0.027 :0.551 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.018 the:0.015 much:0.011 in:0.008 to:0.008 :0.742 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.176 and:0.041 that:0.038 a:0.023 of:0.023 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.274 and:0.059 is:0.025 to:0.023 in:0.018 :0.363 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.027 and:0.015 in:0.007 that:0.007 the:0.006 :0.868 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.071 to:0.064 in:0.047 and:0.029 for:0.016 :0.595 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.034 and:0.01 be:0.008 of:0.007 a:0.007 :0.454 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +the:0.089 to:0.067 a:0.044 in:0.02 and:0.019 :0.444 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 and:0.048 of:0.037 to:0.028 for:0.026 :0.464 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.174 and:0.05 to:0.044 is:0.019 the:0.017 :0.472 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.154 and:0.078 to:0.048 as:0.029 in:0.02 :0.463 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +of:0.088 in:0.071 for:0.061 to:0.049 and:0.043 :0.553 +of:0.148 and:0.103 to:0.075 in:0.031 on:0.017 :0.517 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.14 of:0.067 in:0.065 and:0.049 for:0.048 :0.464 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 to:0.033 a:0.025 and:0.024 as:0.013 :0.75 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.189 and:0.058 the:0.054 to:0.05 in:0.018 :0.439 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.067 and:0.037 of:0.027 that:0.023 the:0.021 :0.743 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +of:0.196 and:0.035 to:0.02 of\nthe:0.015 who:0.013 :0.613 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.077 of:0.044 to:0.031 a:0.024 and:0.021 :0.662 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.034 and:0.024 the:0.024 in:0.019 by:0.018 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.114 a:0.03 in:0.026 and:0.024 of:0.024 :0.349 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.081 that:0.057 to:0.051 in:0.042 and:0.037 :0.627 +the:0.06 a:0.045 of:0.009 and:0.009 in:0.008 :0.408 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.079 to:0.044 as:0.043 in:0.023 of:0.02 :0.322 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +of:0.067 and:0.061 to:0.033 the:0.031 in:0.03 :0.403 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.067 and:0.061 to:0.033 the:0.031 in:0.03 :0.403 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.18 and:0.089 to:0.078 in:0.029 or:0.015 :0.288 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +soon:0.004 the:0.002 it:0.002 .:0.002 we:0.002 :0.987 +to:0.198 and:0.107 of:0.05 in:0.047 for:0.036 :0.379 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.03 :0.025 the:0.017 and:0.017 minutes:0.016 :0.775 +of:0.095 and:0.092 to:0.042 in:0.034 the:0.025 :0.378 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.014 is:0.012 in:0.011 who:0.01 than:0.01 :0.869 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.095 of:0.089 who:0.026 and:0.02 in:0.017 :0.408 +of:0.107 to:0.048 in:0.032 and:0.03 the:0.025 :0.638 +of:0.263 the:0.039 and:0.036 to:0.029 that:0.024 :0.321 +with:0.02 to:0.017 in:0.011 on:0.008 by:0.008 :0.937 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +per:0.185 of:0.093 and:0.027 to:0.02 in:0.017 :0.357 +to:0.113 of:0.06 and:0.042 the:0.016 that:0.014 :0.489 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.065 a:0.045 and:0.04 the:0.021 in:0.02 :0.356 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.242 and:0.029 to:0.022 with:0.022 not:0.021 :0.59 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +of:0.092 was:0.037 and:0.035 is:0.034 will:0.03 :0.629 +and:0.023 the:0.021 a:0.016 of:0.014 that:0.012 :0.726 +of:0.316 to:0.069 and:0.062 for:0.047 in:0.047 :0.376 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 of:0.026 that:0.023 and:0.02 a:0.017 :0.639 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.105 of:0.089 and:0.054 in:0.027 as:0.022 :0.522 +of:0.019 as:0.018 the:0.018 and:0.016 a:0.01 :0.543 +(he:0.002 the:0.001 why:0.001 him:0.001 these:0.001 :0.994 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +of:0.188 to:0.123 and:0.06 from:0.03 for:0.03 :0.453 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.316 to:0.069 and:0.062 for:0.047 in:0.047 :0.376 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.152 to:0.06 and:0.057 in:0.042 for:0.026 :0.419 +and:0.029 of:0.024 the:0.023 to:0.011 with:0.007 :0.197 +the:0.031 and:0.019 a:0.014 in:0.011 to:0.009 :0.418 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.056 and:0.04 that:0.037 of:0.033 to:0.031 :0.488 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.01 and:0.006 was:0.005 per:0.004 has:0.004 :0.966 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +than:0.621 the:0.025 of:0.006 and:0.005 a:0.004 :0.214 +of:0.073 to:0.066 and:0.051 in:0.038 is:0.02 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.09 the:0.05 and:0.017 jury:0.013 to:0.011 :0.549 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.021 and:0.017 that:0.008 but:0.006 be:0.006 :0.918 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.109 and:0.039 will:0.018 are:0.017 with:0.014 :0.682 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.154 to:0.089 and:0.048 in:0.044 the:0.03 :0.394 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.468 to:0.071 in:0.05 and:0.033 that:0.022 :0.284 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +the:0.18 a:0.12 it:0.019 and:0.016 that:0.013 :0.355 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +Britain:0.006 hand:0.002 back:0.002 deed:0.001 the:0.001 :0.988 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.217 a:0.083 that:0.022 to:0.019 it:0.017 :0.343 +and:0.033 of:0.029 to:0.023 in:0.017 for:0.015 :0.569 +the:0.077 of:0.056 and:0.038 a:0.019 to:0.016 :0.361 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.053 of:0.024 the:0.019 or:0.015 in:0.014 :0.546 +deed:0.02 to:0.014 mortgage:0.014 of:0.01 and:0.009 :0.739 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 of:0.032 and:0.016 to:0.015 a:0.014 :0.747 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +of:0.183 and:0.023 to:0.014 in:0.013 of\nthe:0.012 :0.668 +of:0.042 the:0.032 and:0.025 to:0.025 is:0.02 :0.69 +and:0.046 of:0.031 in:0.013 to:0.01 was:0.007 :0.565 +the:0.172 a:0.078 ten:0.05 this:0.016 one:0.014 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +and:0.04 the:0.037 .:0.024 in:0.023 of:0.018 :0.566 +and:0.058 in:0.024 the:0.02 that:0.013 to:0.012 :0.544 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.176 and:0.046 the:0.045 to:0.035 in:0.024 :0.297 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.052 of:0.02 a:0.018 the:0.016 and:0.014 :0.564 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +who:0.004 thence:0.002 is:0.001 .,:0.001 are:0.001 :0.99 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.062 of:0.035 a:0.035 in:0.016 is:0.014 :0.546 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.051 of:0.03 per:0.025 and:0.022 in:0.013 :0.638 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.045 and:0.036 it:0.025 as:0.017 in:0.016 :0.623 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.004 and:0.003 as:0.003 of:0.003 a:0.003 :0.98 +that:0.074 to:0.052 and:0.025 he:0.024 the:0.016 :0.597 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.053 in:0.052 the:0.044 of:0.03 a:0.027 :0.685 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.047 a:0.046 in:0.027 that:0.019 of:0.019 :0.491 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.044 the:0.032 of:0.029 in:0.02 that:0.015 :0.633 +is:0.058 was:0.036 in:0.023 to:0.023 of:0.017 :0.729 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +the:0.049 to:0.021 a:0.02 that:0.013 not:0.013 :0.848 +the:0.017 and:0.014 of:0.014 that:0.013 to:0.013 :0.334 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.015 be:0.008 a:0.008 all:0.007 that:0.005 :0.928 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +to:0.024 in:0.014 and:0.013 of:0.012 for:0.01 :0.816 +to:0.121 the:0.055 in:0.032 of:0.03 for:0.026 :0.554 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.039 and:0.019 to:0.016 a:0.015 as:0.012 :0.573 +the:0.045 of:0.027 a:0.026 with:0.011 that:0.01 :0.784 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.053 in:0.038 the:0.033 of:0.032 and:0.026 :0.342 +the:0.085 of:0.083 and:0.037 that:0.021 in:0.021 :0.653 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.094 a:0.048 of:0.034 in:0.023 as:0.018 :0.524 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.034 a:0.03 of:0.026 and:0.022 in:0.012 :0.497 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.01 of:0.007 been:0.006 the:0.005 more:0.005 :0.953 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +of:0.133 to:0.058 and:0.041 for:0.028 in:0.018 :0.555 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +of:0.042 and:0.035 the:0.033 to:0.023 a:0.02 :0.604 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.087 of:0.063 to:0.055 the:0.048 in:0.026 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.073 of:0.064 to:0.05 in:0.044 for:0.042 :0.574 +the:0.009 been:0.006 and:0.005 of:0.005 :0.004 :0.951 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.125 a:0.068 the:0.064 and:0.031 to:0.029 :0.461 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.08 and:0.044 to:0.036 that:0.023 the:0.017 :0.561 +of:0.076 to:0.058 and:0.036 that:0.022 was:0.019 :0.546 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.135 to:0.062 and:0.046 or:0.025 the:0.02 :0.573 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +years:0.018 to:0.018 in:0.017 and:0.015 that:0.012 :0.606 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.108 and:0.045 of:0.038 the:0.028 for:0.018 :0.382 +the:0.065 of:0.036 a:0.028 to:0.027 that:0.02 :0.694 +of:0.197 and:0.077 to:0.044 in:0.03 is:0.023 :0.376 +the:0.069 of:0.047 to:0.041 a:0.031 and:0.014 :0.458 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.129 to:0.098 in:0.066 the:0.039 and:0.032 :0.518 +of:0.064 the:0.033 and:0.018 a:0.012 in:0.011 :0.633 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.052 and:0.022 of:0.017 in:0.015 to:0.012 :0.551 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.065 to:0.063 as:0.046 in:0.044 that:0.035 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.043 of:0.016 and:0.014 that:0.013 as:0.007 :0.855 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.193 and:0.037 in:0.035 is:0.027 to:0.025 :0.449 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +of:0.249 and:0.056 in:0.038 that:0.031 to:0.031 :0.38 +the:0.176 of:0.114 to:0.025 a:0.02 and:0.019 :0.336 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.137 and:0.113 of:0.081 the:0.064 that:0.061 :0.383 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.161 the:0.056 to:0.027 and:0.026 in:0.022 :0.508 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.006 be:0.005 .:0.005 not:0.003 all:0.003 :0.943 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +of:0.005 how:0.005 in:0.005 and:0.004 me:0.004 :0.975 +to:0.037 of:0.028 a:0.015 and:0.014 the:0.013 :0.581 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +than:0.002 exports:0.001 to:0.001 particularly:0.001 :0.001 :0.995 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +to:0.034 and:0.024 the:0.024 in:0.019 by:0.018 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.34 to:0.108 and:0.038 by:0.034 in:0.031 :0.296 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +to:0.055 and:0.043 the:0.037 that:0.03 a:0.025 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.08 to:0.055 and:0.038 the:0.035 in:0.034 :0.537 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.092 and:0.05 of:0.043 the:0.028 in:0.019 :0.475 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.17 to:0.084 and:0.05 for:0.026 in:0.024 :0.533 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.004 and:0.003 A.:0.003 AND:0.003 times:0.002 :0.975 +of:0.047 to:0.024 the:0.02 and:0.017 a:0.016 :0.493 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.279 to:0.076 and:0.049 in:0.032 or:0.016 :0.386 +of:0.165 and:0.063 to:0.051 in:0.023 for:0.023 :0.464 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +of:0.283 to:0.139 and:0.038 in:0.036 for:0.026 :0.327 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +and:0.077 to:0.052 of:0.045 thousand:0.034 the:0.024 :0.503 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.045 of:0.028 and:0.023 to:0.014 in:0.011 :0.648 +of:0.121 and:0.064 in:0.04 to:0.039 or:0.019 :0.491 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.063 and:0.031 :0.014 The:0.013 have:0.009 :0.541 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.067 the:0.043 to:0.026 and:0.022 in:0.019 :0.525 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.124 of:0.072 and:0.043 that:0.037 the:0.026 :0.369 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.049 to:0.039 and:0.033 in:0.02 is:0.017 :0.616 +the:0.061 of:0.042 a:0.037 to:0.035 in:0.028 :0.548 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.045 the:0.028 of:0.014 was:0.012 or:0.011 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.154 and:0.066 of:0.047 to:0.018 a:0.013 :0.306 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.039 to:0.028 in:0.026 of:0.02 at:0.015 :0.683 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.046 a:0.032 to:0.017 be:0.009 an:0.009 :0.71 +of:0.121 in:0.079 to:0.063 and:0.054 for:0.04 :0.448 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.026 and:0.014 a:0.014 of:0.013 to:0.012 :0.493 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.172 and:0.056 to:0.047 in:0.044 is:0.039 :0.442 +of:0.077 and:0.026 in:0.02 to:0.013 the:0.012 :0.521 +to:0.157 of:0.118 and:0.065 in:0.036 that:0.036 :0.487 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.097 to:0.072 and:0.054 in:0.029 that:0.023 :0.593 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.075 of:0.059 that:0.034 a:0.028 to:0.025 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +to:0.074 the:0.051 of:0.035 in:0.033 and:0.033 :0.536 +years:0.068 of:0.058 and:0.03 to:0.029 or:0.028 :0.572 +to:0.158 in:0.058 of:0.036 out:0.025 and:0.025 :0.541 +of:0.138 and:0.052 in:0.024 to:0.024 have:0.021 :0.406 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +of:0.122 to:0.116 the:0.04 and:0.033 that:0.027 :0.396 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.082 and:0.075 to:0.043 the:0.042 in:0.028 :0.389 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.059 to:0.027 and:0.018 a:0.011 was:0.009 :0.327 +to:0.12 the:0.038 and:0.032 of:0.028 that:0.024 :0.505 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +be:0.007 of:0.005 soon:0.004 to:0.004 and:0.003 :0.975 +the:0.057 to:0.045 and:0.034 a:0.031 of:0.03 :0.29 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.009 The:0.007 to:0.006 :0.005 that:0.005 :0.952 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +a:0.081 the:0.07 to:0.031 of:0.03 in:0.024 :0.573 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +of:0.042 to:0.034 and:0.029 the:0.018 in:0.015 :0.429 +of:0.062 and:0.061 to:0.035 in:0.021 that:0.019 :0.43 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +of:0.037 and:0.011 have:0.01 to:0.006 for:0.006 :0.904 +to:0.042 the:0.04 and:0.026 of:0.016 :0.012 :0.569 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.273 the:0.06 in:0.047 and:0.044 to:0.043 :0.42 +of:0.077 the:0.058 and:0.035 as:0.023 by:0.02 :0.503 +of:0.117 to:0.044 in:0.041 and:0.026 the:0.016 :0.708 +of:0.154 to:0.119 and:0.045 in:0.039 for:0.035 :0.478 +than:0.011 the:0.011 of:0.008 and:0.007 in:0.006 :0.933 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +the:0.113 of:0.04 to:0.027 in:0.024 and:0.02 :0.544 +to:0.064 in:0.043 and:0.037 by:0.031 of:0.03 :0.446 +the:0.007 of:0.006 a:0.003 and:0.003 many:0.002 :0.973 +and:0.119 to:0.071 of:0.053 in:0.031 the:0.024 :0.334 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.024 the:0.018 to:0.016 in:0.014 a:0.012 :0.516 +of:0.02 and:0.019 in:0.011 to:0.01 or:0.007 :0.369 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +of:0.194 and:0.059 stock:0.055 in:0.037 to:0.03 :0.512 +to:0.134 and:0.069 of:0.063 in:0.051 the:0.039 :0.498 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.031 to:0.028 in:0.026 and:0.024 for:0.018 :0.847 +of:0.135 why:0.069 to:0.059 and:0.043 the:0.042 :0.529 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.207 and:0.088 to:0.067 in:0.027 for:0.023 :0.36 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.096 a:0.049 and:0.043 in:0.02 with:0.015 :0.534 +to:0.076 and:0.068 of:0.057 the:0.053 that:0.037 :0.515 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.067 the:0.043 to:0.026 and:0.022 in:0.019 :0.525 +to:0.105 of:0.087 and:0.055 that:0.047 in:0.032 :0.487 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.027 the:0.01 have:0.008 and:0.006 are:0.005 :0.908 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +of:0.012 and:0.004 to:0.004 by:0.004 the:0.004 :0.972 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.05 that:0.046 of:0.037 in:0.026 the:0.025 :0.666 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.033 than:0.019 of:0.018 and:0.011 in:0.008 :0.876 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.11 a:0.029 to:0.015 and:0.014 of:0.014 :0.574 +of:0.044 and:0.024 a:0.013 day:0.009 is:0.009 :0.32 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.038 the:0.026 of:0.023 is:0.022 in:0.013 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.063 to:0.062 of:0.05 and:0.04 that:0.03 :0.483 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +of:0.12 and:0.039 in:0.038 to:0.029 is:0.016 :0.422 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.033 and:0.032 of:0.024 is:0.022 to:0.021 :0.578 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +and:0.029 then:0.016 a:0.015 in:0.014 the:0.014 :0.764 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.069 he:0.057 to:0.039 and:0.031 it:0.029 :0.577 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.076 in:0.033 to:0.03 and:0.028 the:0.016 :0.438 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.41 and:0.092 to:0.04 that:0.034 or:0.018 :0.203 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.241 of:0.079 in:0.033 and:0.025 that:0.025 :0.331 +of:0.112 to:0.058 and:0.055 in:0.043 at:0.036 :0.481 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.036 of:0.035 .:0.028 and:0.017 be:0.014 :0.474 +and:0.032 as:0.021 to:0.02 of:0.015 The:0.012 :0.37 +of:0.132 and:0.029 in:0.018 to:0.016 that:0.012 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.079 the:0.069 and:0.05 to:0.049 a:0.034 :0.41 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +of:0.379 and:0.069 that:0.031 in:0.025 to:0.023 :0.323 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +to:0.036 and:0.033 of:0.032 the:0.019 in:0.016 :0.691 +of:0.135 and:0.06 to:0.057 for:0.031 in:0.031 :0.487 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.033 of:0.031 a:0.027 to:0.025 in:0.024 :0.749 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.051 of:0.037 to:0.031 the:0.025 that:0.02 :0.558 +to:0.086 and:0.035 in:0.034 the:0.029 that:0.028 :0.529 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +YORK:0.002 o'clock:0.001 for.:0.001 LAKE:0.001 to\nthe:0.001 :0.995 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.198 and:0.108 to:0.046 in:0.034 with:0.03 :0.344 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.092 to:0.088 that:0.049 is:0.037 for:0.037 :0.568 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +of:0.066 and:0.033 the:0.023 in:0.021 that:0.018 :0.704 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +to:0.207 of:0.086 and:0.048 in:0.034 from:0.022 :0.326 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.109 and:0.053 a:0.026 to:0.024 of:0.019 :0.478 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.232 to:0.146 and:0.059 for:0.047 that:0.027 :0.338 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.049 to:0.036 of:0.023 and:0.021 a:0.02 :0.473 +of:0.021 and:0.02 or:0.016 in:0.011 to:0.008 :0.417 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.058 and:0.041 to:0.025 for:0.023 in:0.02 :0.611 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.08 to:0.048 of:0.041 a:0.021 that:0.016 :0.462 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +.:0.001 first:0.001 COUNTY:0.001 be:0.001 .,:0.0 :0.996 +of:0.007 who:0.007 and:0.006 to:0.005 was:0.005 :0.957 +to:0.057 of:0.053 in:0.027 and:0.023 the:0.019 :0.449 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.046 to:0.042 of:0.027 in:0.024 as:0.021 :0.55 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.036 that:0.011 and:0.01 the:0.01 as:0.01 :0.64 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.046 and:0.024 to:0.022 for:0.019 is:0.017 :0.812 +of:0.111 and:0.025 to:0.024 is:0.023 in:0.014 :0.482 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.036 he:0.035 it:0.031 they:0.027 to:0.025 :0.617 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.074 a:0.028 that:0.025 of:0.02 and:0.019 :0.526 +to:0.104 of:0.062 and:0.051 in:0.035 that:0.031 :0.658 +of:0.065 a:0.045 and:0.04 the:0.021 in:0.02 :0.356 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +of:0.073 the:0.061 to:0.049 and:0.038 for:0.026 :0.535 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +to:0.137 of:0.096 and:0.077 in:0.044 for:0.03 :0.487 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.042 and:0.035 the:0.033 to:0.023 a:0.02 :0.604 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +is:0.027 the:0.024 was:0.019 as:0.016 will:0.013 :0.843 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.11 to:0.094 a:0.064 upon:0.05 of:0.04 :0.415 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +of:0.057 in:0.026 and:0.023 to:0.022 the:0.017 :0.494 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +.:0.008 it:0.007 you:0.007 a:0.006 he:0.006 :0.966 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.398 to:0.053 and:0.047 in:0.029 for:0.021 :0.334 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.093 to:0.041 a:0.035 of:0.035 in:0.032 :0.484 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.07 the:0.044 to:0.043 and:0.037 that:0.015 :0.557 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.091 and:0.06 to:0.043 the:0.033 in:0.029 :0.676 +be:0.051 have:0.026 not:0.017 of:0.015 was:0.013 :0.607 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.026 and:0.017 a:0.014 The:0.01 to:0.008 :0.482 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.061 to:0.059 and:0.03 of:0.028 as:0.02 :0.653 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.029 and:0.024 have:0.02 of:0.019 .:0.017 :0.666 +to:0.093 of:0.053 the:0.047 and:0.036 a:0.023 :0.383 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +of:0.158 that:0.07 to:0.06 and:0.053 the:0.046 :0.494 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.274 of:0.086 and:0.034 in:0.034 for:0.026 :0.277 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.044 to:0.044 in:0.04 is:0.029 of:0.022 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.108 been:0.055 a:0.03 no:0.008 not:0.008 :0.552 +the:0.088 and:0.041 of:0.035 a:0.016 in:0.013 :0.394 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.056 and:0.039 the:0.028 that:0.022 in:0.02 :0.73 +of:0.086 a:0.034 the:0.031 and:0.022 in:0.011 :0.311 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +.:0.05 of:0.022 and:0.018 or:0.014 for:0.01 :0.851 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 and:0.05 that:0.035 to:0.028 is:0.027 :0.551 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.049 of:0.026 and:0.026 are:0.023 the:0.023 :0.815 +the:0.052 a:0.029 of:0.023 to:0.015 in:0.012 :0.445 +of:0.062 to:0.045 and:0.041 that:0.036 it:0.026 :0.738 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.071 of:0.053 in:0.024 to:0.017 for:0.008 :0.355 +and:0.037 of:0.037 to:0.025 in:0.022 the:0.017 :0.474 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.255 to:0.064 and:0.033 the:0.024 is:0.021 :0.411 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.154 a:0.038 and:0.023 to:0.02 in:0.012 :0.512 +of:0.151 the:0.076 to:0.061 and:0.039 for:0.037 :0.577 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.157 of:0.118 and:0.065 in:0.036 that:0.036 :0.487 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.21 to:0.084 and:0.055 the:0.046 that:0.041 :0.463 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +been:0.009 and:0.008 in:0.006 .:0.006 never:0.005 :0.942 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.068 of:0.024 in:0.022 and:0.017 for:0.009 :0.575 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.003 up:0.002 to:0.002 AND:0.002 in:0.001 :0.988 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.004 thence:0.002 is:0.001 .,:0.001 are:0.001 :0.99 +the:0.066 and:0.022 a:0.017 which:0.01 :0.007 :0.408 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +to:0.251 of:0.202 and:0.05 is:0.039 in:0.035 :0.308 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.036 and:0.027 by:0.021 as:0.02 in:0.019 :0.67 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.069 in:0.028 to:0.027 not:0.025 a:0.023 :0.557 +to:0.074 the:0.051 of:0.035 in:0.033 and:0.033 :0.536 +to:0.055 the:0.022 of:0.021 in:0.016 and:0.015 :0.714 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +(he:0.002 the:0.001 why:0.001 him:0.001 these:0.001 :0.994 +the:0.026 and:0.014 a:0.012 to:0.011 of:0.011 :0.244 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.325 to:0.043 and:0.042 in:0.022 for:0.018 :0.421 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +of:0.228 to:0.091 and:0.081 in:0.027 for:0.024 :0.288 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.325 to:0.043 and:0.042 in:0.022 for:0.018 :0.421 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.143 to:0.107 in:0.051 and:0.038 is:0.027 :0.465 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.103 and:0.063 the:0.034 a:0.015 as:0.012 :0.281 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.05 a:0.03 and:0.027 to:0.018 of:0.011 :0.509 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.008 of:0.007 as:0.006 in:0.005 that:0.004 :0.945 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +of:0.292 to:0.088 and:0.075 in:0.032 for:0.028 :0.357 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +than:0.037 the:0.024 and:0.015 The:0.014 in:0.014 :0.411 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +JOURNAL:0.003 Orleans,:0.001 York,:0.001 ten:0.001 Orleans:0.001 :0.993 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.097 of:0.071 and:0.055 the:0.05 in:0.026 :0.545 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +than:0.007 of:0.006 and:0.006 will:0.006 have:0.005 :0.94 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +to:0.108 in:0.037 and:0.025 a:0.021 on:0.017 :0.54 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +to:0.041 a:0.038 the:0.038 in:0.029 of:0.022 :0.795 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.006 out:0.004 in:0.004 to:0.004 on:0.003 :0.968 +and:0.017 the:0.011 a:0.01 for:0.01 to:0.009 :0.446 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +of:0.034 and:0.025 the:0.022 or:0.017 which:0.006 :0.833 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.154 and:0.068 is:0.061 was:0.033 from:0.023 :0.588 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.16 of:0.087 is:0.047 in:0.035 the:0.034 :0.295 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.115 and:0.092 to:0.087 in:0.062 from:0.044 :0.527 +the:0.248 to:0.039 and:0.026 in:0.025 a:0.024 :0.466 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.034 the:0.029 and:0.025 to:0.022 a:0.018 :0.596 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.081 and:0.062 from:0.018 in:0.017 by:0.016 :0.502 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +the:0.07 to:0.023 of:0.019 and:0.017 is:0.017 :0.598 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +the:0.033 valorem:0.02 a:0.012 and:0.011 in:0.011 :0.639 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.062 and:0.058 the:0.039 to:0.037 or:0.019 :0.384 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.071 of:0.044 and:0.04 for:0.033 in:0.027 :0.455 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.024 of:0.023 to:0.01 in:0.01 be:0.008 :0.679 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.238 to:0.097 in:0.05 by:0.048 and:0.034 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.067 a:0.02 is:0.012 which:0.01 and:0.01 :0.558 +and:0.022 of:0.021 The:0.021 are:0.014 :0.012 :0.605 +to:0.185 and:0.081 in:0.043 of:0.04 as:0.021 :0.502 +the:0.109 a:0.025 that:0.021 it:0.013 to:0.01 :0.534 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.013 and:0.011 I:0.011 The:0.009 to:0.009 :0.917 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +and:0.034 of:0.025 the:0.01 in:0.01 that:0.007 :0.459 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +years:0.068 of:0.058 and:0.03 to:0.029 or:0.028 :0.572 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.082 and:0.056 the:0.041 in:0.036 to:0.032 :0.447 +of:0.198 and:0.108 to:0.046 in:0.034 with:0.03 :0.344 +to:0.202 of:0.155 the:0.055 in:0.036 and:0.032 :0.33 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +2:0.003 is:0.002 in:0.002 of:0.002 at:0.001 :0.989 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.164 to:0.084 in:0.047 and:0.025 for:0.021 :0.625 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.136 of:0.048 the:0.026 and:0.021 that:0.018 :0.714 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +and:0.045 the:0.035 in:0.029 few:0.025 for:0.024 :0.663 +the:0.094 that:0.025 a:0.025 and:0.021 in:0.019 :0.601 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +to:0.143 the:0.075 and:0.045 of:0.043 that:0.025 :0.448 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.097 a:0.045 to:0.044 that:0.037 and:0.025 :0.48 +the:0.04 and:0.024 a:0.021 that:0.018 in:0.016 :0.528 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.028 and:0.019 a:0.019 that:0.017 of:0.016 :0.518 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +than:0.621 the:0.025 of:0.006 and:0.005 a:0.004 :0.214 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.032 of:0.028 in:0.019 to:0.017 as:0.012 :0.705 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +of:0.029 to:0.017 the:0.014 that:0.013 on:0.011 :0.893 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.123 of:0.114 in:0.063 and:0.047 is:0.024 :0.375 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.058 to:0.056 the:0.051 and:0.047 in:0.034 :0.583 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +of:0.026 and:0.016 :0.01 to:0.008 in:0.005 :0.741 +of:0.046 the:0.03 and:0.02 to:0.018 a:0.016 :0.647 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +of:0.082 and:0.075 to:0.043 the:0.042 in:0.028 :0.389 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.178 and:0.052 to:0.047 in:0.017 or:0.014 :0.499 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.067 to:0.025 of:0.021 as:0.016 in:0.013 :0.666 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +of:0.091 to:0.08 and:0.069 in:0.034 the:0.033 :0.421 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +of:0.052 to:0.047 in:0.041 and:0.04 at:0.02 :0.505 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.042 is:0.014 of:0.013 was:0.011 in:0.009 :0.568 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.072 of:0.066 to:0.064 the:0.061 that:0.042 :0.472 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.003 :0.002 and:0.002 men:0.002 .:0.002 :0.988 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.464 and:0.078 in:0.038 with:0.019 to:0.018 :0.289 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.002 and:0.002 other:0.002 to:0.001 in:0.001 :0.989 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.051 of:0.049 to:0.037 and:0.032 that:0.018 :0.471 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.147 to:0.08 and:0.062 in:0.043 that:0.038 :0.414 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +years:0.068 of:0.058 and:0.03 to:0.029 or:0.028 :0.572 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +enacted,:0.027 the:0.027 of:0.015 that:0.014 and:0.013 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.072 of:0.043 up:0.037 and:0.033 out:0.03 :0.638 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.022 of:0.021 The:0.021 are:0.014 :0.012 :0.605 +to:0.283 of:0.151 and:0.082 in:0.065 by:0.025 :0.205 +and:0.024 of:0.019 the:0.019 or:0.008 that:0.007 :0.427 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.062 to:0.033 and:0.028 for:0.027 the:0.022 :0.599 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +of:0.128 and:0.067 to:0.059 or:0.024 that:0.022 :0.485 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.093 and:0.078 of:0.036 in:0.031 the:0.02 :0.535 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.02 a:0.013 JOURNAL:0.006 The:0.005 his:0.004 :0.904 +of:0.016 it:0.014 and:0.014 in:0.01 to:0.009 :0.878 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.067 the:0.039 and:0.03 of:0.03 a:0.02 :0.731 +of:0.154 and:0.078 to:0.048 as:0.029 in:0.02 :0.463 +to:0.137 and:0.054 that:0.04 as:0.033 of:0.031 :0.503 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.033 and:0.025 of:0.021 a:0.017 that:0.013 :0.797 +of:0.089 to:0.038 that:0.037 and:0.034 in:0.03 :0.55 +and:0.01 is:0.01 was:0.009 the:0.008 of:0.008 :0.832 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.039 and:0.026 the:0.013 in:0.008 by:0.007 :0.641 +of:0.095 and:0.078 to:0.047 in:0.025 is:0.018 :0.642 +of:0.144 to:0.126 and:0.058 in:0.047 for:0.04 :0.449 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.185 and:0.081 in:0.043 of:0.04 as:0.021 :0.502 +to:0.072 of:0.049 and:0.04 the:0.018 in:0.015 :0.503 +of:0.481 and:0.072 to:0.045 in:0.037 for:0.019 :0.278 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.021 and:0.021 to:0.012 the:0.008 in:0.008 :0.499 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.006 and:0.004 by:0.003 in:0.003 at:0.003 :0.954 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +OF:0.002 .:0.001 DAILY:0.001 their:0.001 o'clock:0.001 :0.993 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.18 and:0.044 in:0.031 to:0.02 for:0.018 :0.593 +of:0.124 and:0.029 to:0.017 in:0.014 for:0.011 :0.65 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.085 and:0.081 to:0.049 as:0.032 in:0.027 :0.308 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.124 a:0.04 it:0.024 that:0.015 of:0.014 :0.576 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.032 of:0.028 in:0.019 to:0.017 as:0.012 :0.705 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +per:0.185 of:0.093 and:0.027 to:0.02 in:0.017 :0.357 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.14 of:0.067 in:0.065 and:0.049 for:0.048 :0.464 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.179 to:0.079 and:0.064 in:0.056 is:0.018 :0.475 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.104 the:0.036 and:0.034 of:0.032 that:0.024 :0.442 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.087 and:0.038 in:0.03 to:0.021 for:0.019 :0.542 +the:0.034 in:0.027 to:0.024 a:0.013 and:0.011 :0.663 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.049 of:0.034 not:0.033 in:0.029 as:0.025 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +a:0.02 of:0.017 and:0.012 in:0.011 to:0.008 :0.564 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.056 of:0.038 that:0.024 a:0.024 and:0.02 :0.548 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.021 and:0.019 of:0.016 to:0.014 it:0.012 :0.749 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.021 the:0.014 in:0.013 a:0.009 to:0.007 :0.779 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.197 and:0.077 to:0.044 in:0.03 is:0.023 :0.376 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.043 and:0.038 to:0.035 in:0.032 is:0.02 :0.621 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +of:0.049 to:0.033 in:0.025 and:0.025 that:0.015 :0.742 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.14 to:0.133 and:0.065 in:0.04 or:0.022 :0.53 +to:0.202 of:0.074 from:0.053 by:0.045 and:0.038 :0.558 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.015 the:0.009 is:0.008 in:0.006 was:0.006 :0.808 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.046 in:0.043 of:0.035 and:0.034 the:0.03 :0.682 +to:0.202 of:0.155 the:0.055 in:0.036 and:0.032 :0.33 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.072 and:0.042 that:0.023 a:0.021 to:0.017 :0.357 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.048 and:0.034 in:0.031 the:0.026 to:0.021 :0.515 +and:0.069 to:0.049 in:0.034 the:0.034 of:0.028 :0.485 +of:0.032 the:0.016 in:0.013 and:0.012 to:0.012 :0.444 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +to:0.046 and:0.023 the:0.015 a:0.015 in:0.013 :0.6 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.083 by:0.048 of:0.047 and:0.044 in:0.034 :0.677 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +to:0.112 in:0.091 of:0.091 and:0.049 by:0.044 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.039 in:0.026 years:0.025 of:0.024 days:0.022 :0.705 +of:0.168 to:0.092 and:0.077 that:0.045 in:0.033 :0.449 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.149 and:0.037 in:0.017 by:0.012 to:0.011 :0.28 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +the:0.061 to:0.037 of:0.036 a:0.036 and:0.029 :0.494 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +of:0.06 and:0.029 to:0.025 the:0.015 in:0.013 :0.422 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +of:0.083 and:0.051 in:0.026 to:0.022 for:0.021 :0.429 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.11 to:0.094 a:0.064 upon:0.05 of:0.04 :0.415 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +of:0.117 to:0.095 and:0.091 in:0.046 that:0.029 :0.524 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.174 and:0.071 to:0.038 in:0.027 for:0.021 :0.349 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +of:0.145 and:0.117 to:0.045 in:0.026 the:0.023 :0.482 +and:0.047 in:0.039 of:0.036 as:0.026 by:0.024 :0.598 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.135 that:0.062 the:0.053 of:0.052 and:0.052 :0.491 +of:0.079 and:0.013 or:0.013 in:0.011 is:0.011 :0.861 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.048 of:0.027 and:0.014 a:0.012 to:0.011 :0.588 +been:0.032 since:0.03 the:0.023 to:0.023 not:0.014 :0.485 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +of:0.172 to:0.073 and:0.05 in:0.047 for:0.028 :0.324 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.053 is:0.047 was:0.034 and:0.031 will:0.026 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 and:0.054 of:0.048 in:0.025 as:0.022 :0.277 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.062 and:0.061 to:0.035 in:0.021 that:0.019 :0.43 +to:0.009 in:0.004 of:0.004 on:0.003 that:0.003 :0.978 +of:0.135 to:0.062 and:0.046 or:0.025 the:0.02 :0.573 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.071 a:0.036 it:0.023 and:0.018 that:0.013 :0.521 +be:0.045 not:0.038 the:0.016 and:0.016 of:0.012 :0.695 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +and:0.022 the:0.014 :0.008 to:0.006 a:0.006 :0.368 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.46 to:0.05 and:0.032 of\nthe:0.014 is:0.013 :0.295 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.126 the:0.054 and:0.025 in:0.025 a:0.016 :0.364 +to:0.036 and:0.027 the:0.026 it:0.025 of:0.016 :0.568 +of:0.062 the:0.044 is:0.032 and:0.029 in:0.029 :0.527 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +days:0.005 with:0.005 from:0.004 and:0.004 as:0.004 :0.972 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.047 and:0.043 the:0.018 in:0.012 to:0.012 :0.611 +of:0.044 the:0.023 a:0.01 and:0.009 been:0.007 :0.883 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.088 in:0.034 to:0.033 and:0.029 for:0.026 :0.516 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.26 and:0.039 in:0.031 is:0.029 for:0.022 :0.374 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.241 of:0.079 in:0.033 and:0.025 that:0.025 :0.331 +and:0.039 in:0.032 to:0.031 for:0.025 of:0.025 :0.636 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.089 to:0.083 and:0.055 The:0.053 in:0.028 :0.576 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.141 and:0.081 to:0.04 the:0.039 by:0.032 :0.467 +of:0.15 in:0.081 to:0.077 and:0.065 that:0.032 :0.422 +of:0.126 to:0.125 and:0.048 the:0.046 in:0.038 :0.5 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.109 and:0.037 the:0.029 for:0.027 The:0.023 :0.667 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.166 and:0.053 to:0.038 in:0.027 as:0.02 :0.577 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.043 and:0.038 to:0.035 in:0.032 is:0.02 :0.621 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +of:0.13 and:0.077 to:0.068 in:0.027 the:0.016 :0.399 +of:0.048 and:0.041 the:0.014 in:0.011 to:0.01 :0.654 +of:0.053 in:0.046 the:0.045 to:0.045 and:0.032 :0.358 +of:0.299 and:0.046 in:0.034 to:0.03 with:0.02 :0.432 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.033 in:0.028 of:0.025 that:0.025 and:0.018 :0.684 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.032 the:0.032 of:0.031 to:0.014 a:0.011 :0.393 +the:0.063 it:0.029 of:0.024 and:0.015 we:0.013 :0.605 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +to:0.089 and:0.049 of:0.043 in:0.029 by:0.015 :0.607 +to:0.078 of:0.064 and:0.05 in:0.036 as:0.033 :0.628 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.083 of:0.067 and:0.052 in:0.034 for:0.016 :0.499 +the:0.161 to:0.073 a:0.042 that:0.037 and:0.03 :0.477 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.05 is:0.03 of:0.026 to:0.024 and:0.02 :0.488 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +and:0.031 of:0.03 as:0.011 :0.011 in:0.009 :0.654 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 and:0.058 to:0.047 for:0.04 that:0.034 :0.499 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +of:0.114 and:0.052 in:0.026 to:0.022 for:0.016 :0.477 +of:0.061 to:0.05 with:0.014 on:0.013 by:0.012 :0.85 +and:0.113 of:0.048 to:0.034 in:0.028 the:0.027 :0.349 +the:0.051 a:0.018 and:0.013 with:0.011 by:0.009 :0.841 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +of:0.067 to:0.035 the:0.034 and:0.031 in:0.025 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.198 and:0.108 to:0.046 in:0.034 with:0.03 :0.344 +of:0.379 and:0.069 that:0.031 in:0.025 to:0.023 :0.323 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.104 of:0.062 and:0.051 in:0.035 that:0.031 :0.658 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.182 to:0.108 and:0.045 in:0.041 for:0.021 :0.386 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.211 to:0.097 and:0.051 in:0.039 as:0.034 :0.36 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.097 to:0.052 that:0.045 a:0.043 in:0.018 :0.56 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +to:0.304 and:0.049 of:0.042 in:0.031 that:0.019 :0.294 +of:0.038 in:0.037 and:0.035 to:0.034 at:0.021 :0.428 +of:0.147 to:0.063 and:0.039 in:0.034 the:0.026 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.062 to:0.06 of:0.039 in:0.035 for:0.025 :0.278 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.041 of:0.036 to:0.033 that:0.022 the:0.02 :0.445 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.172 a:0.078 ten:0.05 this:0.016 one:0.014 :0.541 +the:0.227 that:0.041 of:0.035 a:0.034 and:0.033 :0.412 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.122 to:0.067 and:0.067 as:0.023 for:0.021 :0.554 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.23 in:0.05 to:0.035 and:0.033 the:0.032 :0.437 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +from:0.079 to:0.058 of:0.058 in:0.054 the:0.053 :0.475 +a:0.02 of:0.017 and:0.012 in:0.011 to:0.008 :0.564 +the:0.154 and:0.066 of:0.047 to:0.018 a:0.013 :0.306 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.266 to:0.083 in:0.066 and:0.052 for:0.033 :0.378 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.241 and:0.087 to:0.068 in:0.045 from:0.039 :0.313 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.128 to:0.08 and:0.073 in:0.026 for:0.015 :0.236 +of:0.013 to:0.005 of\nthe:0.005 in:0.004 the:0.004 :0.964 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +to:0.109 of:0.075 as:0.052 and:0.037 in:0.026 :0.453 +to:0.277 of:0.096 and:0.057 for:0.056 in:0.052 :0.322 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.045 of:0.044 and:0.042 in:0.035 for:0.03 :0.589 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.038 it:0.012 a:0.007 to:0.006 this:0.005 :0.911 +of:0.058 to:0.056 the:0.051 and:0.047 in:0.034 :0.583 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.063 and:0.047 the:0.043 of:0.034 a:0.03 :0.6 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.045 the:0.035 in:0.029 few:0.025 for:0.024 :0.663 +to:0.103 and:0.074 of:0.04 in:0.034 with:0.033 :0.556 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.057 of:0.024 and:0.018 a:0.013 for:0.011 :0.592 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +of:0.133 to:0.038 and:0.031 for:0.013 that:0.011 :0.579 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.057 as:0.042 of:0.037 and:0.037 to:0.036 :0.469 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.154 of:0.109 to:0.033 and:0.022 by:0.018 :0.383 +and:0.031 of:0.023 in:0.019 to:0.016 .:0.015 :0.459 +to:0.053 in:0.025 the:0.02 it:0.016 that:0.015 :0.726 +OF:0.005 good:0.002 money:0.002 that:0.002 m:0.002 :0.98 +the:0.027 to:0.026 a:0.019 of:0.014 and:0.014 :0.649 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.09 to:0.06 and:0.031 a:0.025 in:0.018 :0.487 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +of:0.228 to:0.091 and:0.081 in:0.027 for:0.024 :0.288 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +of:0.654 to:0.034 and:0.032 in:0.025 for:0.014 :0.205 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.097 and:0.054 the:0.032 in:0.023 to:0.023 :0.452 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +flows:0.001 has:0.001 was:0.001 corner:0.001 York:0.001 :0.994 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.052 a:0.029 of:0.023 to:0.015 in:0.012 :0.445 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.004 not:0.003 as:0.003 of:0.003 had:0.002 :0.98 +of:0.324 to:0.069 and:0.047 in:0.039 that:0.021 :0.355 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.037 to:0.026 that:0.02 and:0.017 in:0.013 :0.855 +to:0.047 and:0.039 of:0.037 in:0.035 the:0.027 :0.487 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.104 and:0.069 to:0.062 in:0.044 that:0.032 :0.445 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.111 of:0.078 and:0.051 in:0.034 the:0.031 :0.43 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +and:0.029 of:0.023 .:0.007 The:0.006 :0.006 :0.498 +of:0.15 and:0.04 in:0.029 is:0.015 for:0.012 :0.58 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.207 and:0.04 the:0.038 in:0.032 to:0.027 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.049 the:0.047 in:0.031 and:0.025 a:0.019 :0.441 +to:0.094 of:0.091 and:0.057 in:0.037 with:0.029 :0.488 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.1 and:0.081 in:0.039 to:0.034 that:0.021 :0.384 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.228 to:0.091 and:0.081 in:0.027 for:0.024 :0.288 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.3 and:0.047 in:0.041 to:0.037 the:0.03 :0.392 +and:0.007 AND:0.006 of:0.006 with:0.006 in:0.005 :0.961 +to:0.06 and:0.058 of:0.04 in:0.021 for:0.016 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.319 and:0.054 in:0.022 have:0.016 to:0.012 :0.451 +given,:0.13 given:0.122 notified:0.109 the:0.034 a:0.024 :0.401 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.187 and:0.051 in:0.035 is:0.024 to:0.021 :0.549 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +to:0.09 and:0.043 the:0.039 in:0.035 of:0.03 :0.505 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +the:0.11 to:0.094 a:0.064 upon:0.05 of:0.04 :0.415 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.036 and:0.03 as:0.021 in:0.016 is:0.016 :0.63 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +of:0.156 and:0.066 in:0.039 as:0.014 .:0.01 :0.303 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +was:0.05 to:0.025 will:0.022 is:0.022 and:0.021 :0.711 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.146 to:0.12 in:0.06 and:0.039 for:0.024 :0.45 +of:0.075 to:0.062 in:0.051 and:0.036 by:0.024 :0.503 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.101 you:0.041 a:0.03 me:0.022 of:0.022 :0.599 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +a:0.028 the:0.024 in:0.013 and:0.01 of:0.006 :0.591 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +to:0.056 and:0.039 in:0.021 of:0.018 the:0.018 :0.417 +of:0.031 to:0.027 up:0.007 and:0.007 of\nthe:0.006 :0.923 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.048 dry:0.047 it:0.01 he:0.007 one:0.006 :0.715 +to:0.105 of:0.089 and:0.054 in:0.027 as:0.022 :0.522 +the:0.131 and:0.067 to:0.052 of:0.029 a:0.019 :0.398 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.096 to:0.044 a:0.037 and:0.025 of:0.025 :0.587 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +to:0.066 of:0.062 be:0.04 and:0.024 in:0.024 :0.595 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.002 easily:0.001 that:0.001 and:0.001 of:0.001 :0.992 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.143 to:0.081 and:0.073 the:0.049 that:0.023 :0.372 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +to:0.202 of:0.074 from:0.053 by:0.045 and:0.038 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.131 to:0.072 and:0.051 that:0.033 by:0.031 :0.563 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.26 and:0.067 to:0.048 in:0.032 that:0.022 :0.355 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.124 and:0.044 than:0.024 part:0.023 in:0.02 :0.505 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.033 to:0.03 years:0.017 that:0.015 of:0.014 :0.655 +of:0.117 to:0.1 is:0.043 the:0.022 was:0.022 :0.6 +the:0.032 a:0.023 all:0.009 their:0.008 being:0.008 :0.896 +in:0.01 a:0.009 the:0.008 at:0.007 and:0.007 :0.888 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.118 to:0.043 by:0.04 and:0.039 in:0.034 :0.517 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.055 a:0.029 to:0.016 as:0.012 and:0.011 :0.785 +years:0.002 weeks:0.001 EVENING:0.001 days:0.001 :0.001 :0.995 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.069 of:0.043 to:0.036 for:0.028 in:0.026 :0.658 +of:0.055 and:0.028 that:0.017 to:0.016 in:0.015 :0.355 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +to:0.055 and:0.051 in:0.045 by:0.035 that:0.033 :0.636 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.07 and:0.045 in:0.041 as:0.033 the:0.021 :0.462 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.045 and:0.04 to:0.024 a:0.02 in:0.015 :0.568 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.501 and:0.058 is:0.021 in:0.014 for:0.013 :0.235 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +and:0.065 to:0.063 as:0.046 in:0.044 that:0.035 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.073 of:0.036 in:0.027 a:0.025 and:0.018 :0.637 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +and:0.019 the:0.017 of:0.014 to:0.013 that:0.011 :0.752 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.084 of:0.053 in:0.027 is:0.027 and:0.026 :0.464 +of:0.199 and:0.083 to:0.059 contained:0.024 in:0.018 :0.436 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +of:0.157 and:0.076 for:0.031 to:0.031 in:0.031 :0.405 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.08 in:0.046 and:0.037 the:0.034 a:0.021 :0.658 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.016 it:0.014 and:0.014 in:0.01 to:0.009 :0.878 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.333 and:0.061 to:0.058 in:0.029 that:0.015 :0.346 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.066 the:0.023 to:0.022 and:0.021 that:0.015 :0.659 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.048 and:0.026 of:0.018 in:0.016 a:0.009 :0.538 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +of:0.005 and:0.003 man:0.003 in:0.003 east:0.002 :0.974 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.076 and:0.023 in:0.018 to:0.014 a:0.014 :0.367 +and:0.077 to:0.052 of:0.045 thousand:0.034 the:0.024 :0.503 +the:0.058 and:0.023 a:0.014 to:0.012 it:0.01 :0.637 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.077 of:0.051 a:0.03 to:0.021 in:0.014 :0.548 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.013 and:0.009 a:0.006 one:0.005 :0.004 :0.886 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.063 any:0.018 that:0.013 a:0.013 his:0.013 :0.869 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +to:0.068 of:0.035 and:0.03 that:0.024 in:0.023 :0.714 +to:0.048 the:0.035 and:0.029 a:0.028 of:0.021 :0.417 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +to:0.119 of:0.044 in:0.034 and:0.031 that:0.02 :0.661 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.047 that:0.033 a:0.026 to:0.025 up:0.018 :0.689 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.022 of:0.01 and:0.008 than:0.006 the:0.005 :0.949 +of:0.084 to:0.069 and:0.057 in:0.035 the:0.027 :0.533 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +the:0.075 of:0.068 a:0.029 and:0.028 in:0.016 :0.591 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.042 of:0.041 and:0.035 to:0.023 a:0.016 :0.493 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.017 and:0.015 .:0.006 years:0.005 in:0.005 :0.889 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +deed:0.02 to:0.014 mortgage:0.014 of:0.01 and:0.009 :0.739 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +of:0.04 and:0.036 in:0.028 to:0.028 the:0.02 :0.524 +the:0.248 to:0.039 and:0.026 in:0.025 a:0.024 :0.466 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +are:0.001 were:0.001 to:0.001 from:0.001 .,:0.001 :0.996 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.123 that:0.047 and:0.047 to:0.038 as:0.021 :0.489 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.096 to:0.062 in:0.041 and:0.036 by:0.022 :0.669 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.248 to:0.039 and:0.026 in:0.025 a:0.024 :0.466 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.078 to:0.038 a:0.033 and:0.015 of:0.014 :0.631 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.066 marked:0.046 in:0.024 of:0.024 that:0.022 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 to:0.079 and:0.074 in:0.03 the:0.02 :0.627 +of:0.051 in:0.021 and:0.018 to:0.015 for:0.014 :0.607 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.049 the:0.04 and:0.018 to:0.012 a:0.009 :0.359 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.055 to:0.035 of:0.024 in:0.019 the:0.017 :0.468 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.074 to:0.074 the:0.06 of:0.045 in:0.044 :0.565 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.087 him:0.063 me:0.06 of:0.038 and:0.037 :0.477 +of:0.355 to:0.092 and:0.049 in:0.032 for:0.029 :0.343 +and:0.07 to:0.056 of:0.05 the:0.042 that:0.034 :0.42 +of:0.09 and:0.055 to:0.035 in:0.031 or:0.022 :0.513 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +to:0.155 and:0.073 of:0.04 in:0.03 for:0.029 :0.559 +and:0.139 of:0.13 to:0.083 in:0.03 for:0.028 :0.466 +of:0.043 and:0.027 that:0.024 to:0.013 the:0.013 :0.678 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.064 and:0.04 of:0.039 the:0.029 in:0.026 :0.449 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.009 to:0.008 not:0.004 be:0.004 required:0.003 :0.933 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.112 in:0.091 of:0.091 and:0.049 by:0.044 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.009 of\nthe:0.004 to:0.003 that:0.003 know:0.003 :0.976 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.205 to:0.077 and:0.073 that:0.037 in:0.035 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.033 to:0.03 years:0.017 that:0.015 of:0.014 :0.655 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.182 a:0.043 the:0.031 to:0.027 of:0.01 :0.412 +the:0.034 it:0.027 a:0.026 to:0.025 and:0.022 :0.461 +from:0.079 to:0.058 of:0.058 in:0.054 the:0.053 :0.475 +the:0.057 and:0.016 was:0.016 is:0.014 that:0.012 :0.518 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.049 to:0.044 the:0.028 and:0.022 that:0.016 :0.624 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.075 to:0.062 in:0.051 and:0.036 by:0.024 :0.503 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.142 to:0.066 and:0.046 for:0.043 in:0.033 :0.578 +the:0.08 in:0.043 is:0.043 and:0.035 to:0.035 :0.464 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.167 a:0.049 his:0.016 that:0.012 one:0.012 :0.694 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +days:0.072 weeks:0.04 years:0.038 months:0.017 days,:0.015 :0.519 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.058 to:0.037 in:0.036 and:0.034 by:0.033 :0.685 +the:0.086 to:0.034 a:0.033 and:0.028 in:0.025 :0.408 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.115 to:0.091 and:0.061 in:0.043 is:0.02 :0.532 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.083 and:0.05 that:0.035 to:0.028 is:0.027 :0.551 +the:0.033 of:0.02 a:0.014 and:0.009 it:0.008 :0.541 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +of:0.193 and:0.029 the:0.027 to:0.023 for:0.022 :0.383 +to:0.068 that:0.03 in:0.025 of:0.024 and:0.017 :0.649 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.099 to:0.095 and:0.065 in:0.042 as:0.033 :0.281 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +to:0.065 of:0.064 and:0.041 the:0.032 was:0.016 :0.27 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.066 and:0.043 in:0.031 to:0.026 than:0.019 :0.628 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.05 that:0.046 of:0.037 in:0.026 the:0.025 :0.666 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +time:0.004 OF:0.003 many:0.002 great:0.002 which:0.002 :0.982 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.12 a:0.053 and:0.02 in:0.016 of:0.016 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.166 and:0.053 to:0.038 in:0.027 as:0.02 :0.577 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.071 of:0.053 in:0.024 to:0.017 for:0.008 :0.355 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.024 in:0.02 is:0.018 day:0.018 and:0.017 :0.68 +to:0.013 of:0.007 as:0.006 for:0.006 and:0.005 :0.961 +of:0.112 to:0.061 and:0.036 in:0.029 is:0.022 :0.541 +of:0.179 to:0.062 and:0.035 is:0.029 in:0.028 :0.604 +to:0.103 of:0.092 and:0.051 in:0.022 for:0.019 :0.409 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +and:0.013 one:0.011 the:0.007 that:0.006 in:0.006 :0.698 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.017 the:0.011 a:0.01 for:0.01 to:0.009 :0.446 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.024 of:0.019 the:0.019 or:0.008 that:0.007 :0.427 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.086 of:0.075 the:0.053 and:0.046 in:0.039 :0.417 +of:0.126 and:0.036 the:0.03 to:0.025 in:0.021 :0.603 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.047 to:0.04 a:0.04 that:0.023 and:0.02 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.186 to:0.087 and:0.04 in:0.038 the:0.031 :0.462 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.078 to:0.06 a:0.056 as:0.031 of:0.027 :0.568 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.03 the:0.022 that:0.017 in:0.017 and:0.015 :0.666 +of:0.067 and:0.031 the:0.029 to:0.022 in:0.021 :0.566 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +are:0.002 of:0.002 have:0.002 had:0.002 only:0.002 :0.987 +of:0.082 and:0.079 to:0.061 in:0.046 the:0.041 :0.451 +the:0.058 of:0.032 and:0.016 to:0.015 a:0.014 :0.747 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.034 a:0.022 in:0.019 of:0.014 and:0.013 :0.533 +of:0.052 to:0.047 in:0.041 and:0.04 at:0.02 :0.505 +of:0.192 and:0.095 to:0.036 for:0.027 in:0.022 :0.477 +the:0.077 of:0.031 and:0.027 that:0.02 to:0.018 :0.339 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.286 that:0.05 for:0.049 and:0.034 in:0.033 :0.405 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.045 of:0.037 the:0.031 is:0.017 in:0.015 :0.596 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.028 to:0.025 in:0.02 and:0.015 is:0.011 :0.858 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.043 of:0.03 and:0.024 a:0.021 in:0.011 :0.51 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +been:0.139 the:0.059 a:0.041 to:0.021 that:0.011 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.154 the:0.061 they:0.041 he:0.039 it:0.035 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.056 to:0.042 and:0.031 a:0.027 of:0.02 :0.482 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.034 of:0.029 the:0.023 to:0.013 as:0.013 :0.874 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 of:0.061 and:0.057 the:0.056 that:0.023 :0.416 +to:0.153 the:0.046 and:0.039 in:0.038 of:0.026 :0.444 +and:0.026 to:0.025 as:0.023 of:0.023 in:0.019 :0.651 +the:0.008 and:0.005 The:0.004 a:0.003 that:0.003 :0.885 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.121 in:0.079 to:0.063 and:0.054 for:0.04 :0.448 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.103 the:0.07 and:0.063 of:0.055 in:0.038 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.131 and:0.031 in:0.02 at:0.017 is:0.01 :0.523 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +the:0.05 is:0.03 of:0.026 to:0.024 and:0.02 :0.488 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.061 to:0.056 and:0.038 for:0.017 The:0.016 :0.546 +of:0.084 and:0.061 in:0.029 with:0.029 the:0.024 :0.646 +to:0.104 the:0.036 and:0.034 of:0.032 that:0.024 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.113 to:0.053 in:0.03 and:0.024 who:0.022 :0.724 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.123 to:0.059 and:0.043 the:0.035 in:0.034 :0.401 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.049 to:0.044 the:0.028 and:0.022 that:0.016 :0.624 +the:0.026 and:0.014 :0.01 to:0.01 in:0.01 :0.573 +of:0.195 and:0.095 to:0.072 in:0.021 that:0.018 :0.432 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.211 and:0.051 to:0.038 in:0.028 the:0.026 :0.319 +the:0.227 that:0.041 of:0.035 a:0.034 and:0.033 :0.412 +to:0.066 of:0.039 and:0.034 as:0.021 in:0.015 :0.429 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.028 of:0.013 and:0.012 not:0.01 a:0.01 :0.45 +and:0.021 in:0.013 to:0.011 the:0.008 of:0.007 :0.442 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.059 of:0.039 to:0.035 the:0.032 for:0.025 :0.597 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.087 of:0.063 to:0.055 the:0.048 in:0.026 :0.533 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.1 to:0.058 and:0.057 in:0.028 the:0.023 :0.506 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +in:0.088 to:0.087 and:0.041 as:0.039 the:0.033 :0.578 +to:0.035 of:0.021 and:0.019 in:0.017 the:0.014 :0.634 +of:0.508 to:0.056 and:0.056 for:0.027 of\nthe:0.022 :0.22 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +to:0.126 of:0.052 in:0.038 the:0.035 and:0.026 :0.554 +of:0.127 is:0.042 and:0.037 to:0.03 as:0.029 :0.654 +to:0.035 and:0.029 of:0.027 a:0.023 the:0.023 :0.336 +in:0.034 of:0.03 a:0.021 and:0.02 the:0.018 :0.453 +of:0.228 to:0.091 and:0.081 in:0.027 for:0.024 :0.288 +of:0.363 to:0.063 with:0.035 for:0.028 in:0.026 :0.407 +of:0.18 to:0.047 and:0.037 the:0.031 in:0.031 :0.402 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.089 a:0.05 an:0.013 his:0.007 and:0.007 :0.35 +to:0.102 a:0.053 of:0.042 the:0.04 in:0.033 :0.336 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.508 to:0.056 and:0.056 for:0.027 of\nthe:0.022 :0.22 +the:0.132 of:0.09 to:0.077 and:0.045 in:0.043 :0.428 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +.:0.023 is:0.012 in:0.012 to:0.011 and:0.009 :0.907 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.041 o'clock:0.034 to:0.033 the:0.025 of:0.018 :0.592 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.019 the:0.017 of:0.014 to:0.013 that:0.011 :0.752 +of:0.126 the:0.054 and:0.025 in:0.025 a:0.016 :0.364 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.091 to:0.044 the:0.043 in:0.04 that:0.032 :0.531 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +DAILY:0.007 .:0.005 STATE:0.004 to:0.003 being:0.002 :0.975 +to:0.045 and:0.034 in:0.031 as:0.021 a:0.021 :0.525 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.081 of:0.07 and:0.055 in:0.038 for:0.037 :0.682 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +the:0.142 a:0.073 that:0.011 an:0.01 his:0.009 :0.449 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.053 and:0.04 to:0.037 of:0.031 that:0.028 :0.585 +and:0.017 the:0.011 a:0.01 for:0.01 to:0.009 :0.446 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +the:0.069 a:0.017 of:0.017 :0.017 and:0.013 :0.614 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +of:0.317 to:0.115 and:0.071 that:0.048 for:0.016 :0.29 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.115 a:0.073 of:0.071 and:0.022 which:0.018 :0.497 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.02 and:0.018 to:0.013 a:0.013 in:0.01 :0.515 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.067 of:0.062 the:0.043 to:0.038 and:0.038 :0.617 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.045 and:0.026 the:0.013 to:0.013 in:0.012 :0.52 +of:0.007 as:0.005 who:0.003 were:0.003 and:0.003 :0.979 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +and:0.017 of:0.016 the:0.016 :0.008 day:0.008 :0.5 +of:0.039 and:0.024 in:0.023 a:0.021 to:0.019 :0.657 +of:0.119 the:0.104 and:0.064 to:0.03 that:0.028 :0.395 +the:0.059 that:0.03 and:0.023 to:0.017 The:0.016 :0.463 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.108 been:0.055 a:0.03 no:0.008 not:0.008 :0.552 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.056 of:0.052 the:0.043 to:0.034 by:0.02 :0.587 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.052 the:0.04 of:0.015 in:0.012 that:0.012 :0.467 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.092 a:0.036 and:0.021 of:0.012 as:0.009 :0.432 +of:0.126 to:0.068 and:0.035 the:0.028 in:0.021 :0.352 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.113 and:0.05 to:0.046 in:0.037 a:0.024 :0.415 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +the:0.169 a:0.061 to:0.037 in:0.018 his:0.017 :0.511 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +of:0.008 and:0.006 in:0.004 with:0.003 day:0.003 :0.966 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.051 the:0.018 a:0.017 in:0.013 and:0.011 :0.377 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.199 and:0.073 to:0.043 the:0.038 for:0.024 :0.479 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.151 to:0.053 and:0.042 in:0.027 as:0.021 :0.541 +of:0.045 and:0.026 the:0.013 to:0.013 in:0.012 :0.52 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +of:0.06 to:0.059 the:0.051 in:0.025 a:0.019 :0.49 +of:0.147 and:0.05 in:0.029 at:0.014 as:0.013 :0.095 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.274 and:0.059 is:0.025 to:0.023 in:0.018 :0.363 +enacted,:0.027 the:0.027 of:0.015 that:0.014 and:0.013 :0.621 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +of:0.114 and:0.07 the:0.027 in:0.026 for:0.024 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.124 of:0.083 for:0.032 the:0.026 and:0.025 :0.629 +of:0.171 to:0.065 and:0.033 in:0.026 for:0.021 :0.626 +of:0.06 and:0.009 in:0.008 to:0.007 with:0.005 :0.902 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.266 to:0.083 in:0.066 and:0.052 for:0.033 :0.378 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.064 to:0.054 of:0.038 that:0.018 for:0.016 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.038 of:0.035 in:0.014 by:0.012 and:0.012 :0.872 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.14 of:0.07 to:0.04 and:0.036 a:0.022 :0.4 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.21 of:0.115 and:0.03 in:0.023 the:0.018 :0.39 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +quarter:0.018 corner:0.018 of:0.017 and:0.016 to:0.013 :0.862 +of:0.054 to:0.04 in:0.036 the:0.028 is:0.022 :0.494 +of:0.26 and:0.067 to:0.048 in:0.032 that:0.022 :0.355 +the:0.037 to:0.023 and:0.02 a:0.014 in:0.008 :0.384 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.128 to:0.074 and:0.07 in:0.032 for:0.021 :0.513 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.063 a:0.044 and:0.012 that:0.008 his:0.006 :0.511 +the:0.058 and:0.023 a:0.014 to:0.012 it:0.01 :0.637 +to:0.109 of:0.075 as:0.052 and:0.037 in:0.026 :0.453 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.176 and:0.069 the:0.061 to:0.027 in:0.021 :0.453 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.053 in:0.038 the:0.033 of:0.032 and:0.026 :0.342 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +the:0.013 not:0.01 and:0.01 :0.009 of:0.007 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.149 and:0.109 of:0.099 by:0.04 from:0.031 :0.326 +and:0.068 of:0.056 to:0.053 in:0.038 for:0.031 :0.575 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.207 and:0.035 in:0.028 the:0.026 a:0.022 :0.449 +to:0.044 and:0.031 is:0.014 in:0.014 the:0.014 :0.733 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.01 that:0.007 than:0.006 of:0.006 will:0.006 :0.948 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.091 the:0.05 and:0.046 to:0.035 in:0.023 :0.454 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +of:0.058 and:0.052 the:0.034 to:0.023 in:0.011 :0.336 +of:0.124 and:0.095 in:0.051 as:0.042 to:0.031 :0.29 +to:0.112 in:0.091 of:0.091 and:0.049 by:0.044 :0.46 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.079 to:0.025 and:0.022 are:0.017 with:0.015 :0.829 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.111 of:0.073 to:0.061 that:0.029 the:0.024 :0.419 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +in:0.027 of:0.025 the:0.017 a:0.015 have:0.014 :0.346 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.1 and:0.05 in:0.036 to:0.029 a:0.026 :0.643 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.094 that:0.034 a:0.032 of:0.017 and:0.015 :0.481 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.051 that:0.048 of:0.044 and:0.041 in:0.04 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +of:0.113 to:0.042 and:0.021 in:0.02 is:0.013 :0.771 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +of:0.091 to:0.044 the:0.043 in:0.04 that:0.032 :0.531 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.053 in:0.046 the:0.045 to:0.045 and:0.032 :0.358 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +to:0.251 of:0.202 and:0.05 is:0.039 in:0.035 :0.308 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +of:0.148 to:0.116 and:0.071 in:0.04 with:0.026 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.129 that:0.038 and:0.03 it:0.025 in:0.022 :0.653 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +of:0.155 and:0.045 to:0.036 the:0.023 for:0.023 :0.3 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +to:0.024 by:0.013 in:0.013 of:0.009 the:0.009 :0.912 +and:0.046 of:0.031 in:0.013 to:0.01 was:0.007 :0.565 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +AND:0.009 The:0.003 INTER:0.002 instance,:0.001 :0.001 :0.983 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.039 in:0.026 years:0.025 of:0.024 days:0.022 :0.705 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.056 the:0.037 a:0.022 and:0.022 of:0.018 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 as:0.027 and:0.024 to:0.02 a:0.02 :0.526 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.041 the:0.032 and:0.031 :0.027 a:0.027 :0.493 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.12 to:0.053 that:0.036 and:0.026 of:0.015 :0.36 +to:0.142 of:0.074 in:0.042 and:0.037 by:0.027 :0.452 +of:0.366 and:0.057 in:0.03 to:0.024 as:0.015 :0.282 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +of:0.174 and:0.05 to:0.044 is:0.019 the:0.017 :0.472 +the:0.076 a:0.04 of:0.031 to:0.019 and:0.015 :0.351 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.139 of:0.095 and:0.075 the:0.068 that:0.046 :0.419 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.077 of:0.058 in:0.032 that:0.023 to:0.022 :0.566 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +to:0.036 and:0.027 the:0.026 it:0.025 of:0.016 :0.568 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +than:0.01 of:0.005 DAILY:0.003 AND:0.003 and:0.003 :0.957 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.06 the:0.043 of:0.042 a:0.034 and:0.032 :0.508 +in:0.072 to:0.054 the:0.042 on:0.032 and:0.028 :0.556 +of:0.342 to:0.062 and:0.058 in:0.024 by:0.021 :0.308 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.071 and:0.038 in:0.022 the:0.02 that:0.017 :0.599 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.059 to:0.041 and:0.019 in:0.017 the:0.015 :0.715 +the:0.024 a:0.024 is:0.023 was:0.02 in:0.017 :0.649 +of:0.064 and:0.058 that:0.041 the:0.033 to:0.033 :0.461 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.104 and:0.031 in:0.03 to:0.03 who:0.022 :0.56 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +been:0.051 of:0.041 the:0.03 and:0.029 to:0.02 :0.644 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.073 and:0.051 of:0.037 in:0.034 that:0.026 :0.43 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +be:0.029 that:0.02 of:0.019 to:0.019 the:0.018 :0.754 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.126 .:0.045 and:0.041 in:0.032 the:0.031 :0.424 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.022 he:0.02 the:0.018 and:0.016 a:0.012 :0.48 +of:0.51 the:0.03 and:0.028 to:0.026 for:0.014 :0.179 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +of:0.066 the:0.023 to:0.022 and:0.021 that:0.015 :0.659 +to:0.065 and:0.048 of:0.029 the:0.027 a:0.023 :0.393 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +to:0.04 of:0.028 the:0.022 and:0.021 in:0.019 :0.475 +of:0.699 and:0.018 the:0.011 to:0.01 is:0.009 :0.131 +the:0.052 and:0.036 in:0.028 of:0.016 to:0.015 :0.655 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +of:0.263 to:0.112 and:0.093 in:0.021 the:0.02 :0.317 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.036 of:0.035 .:0.028 and:0.017 be:0.014 :0.474 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.016 a:0.012 of:0.006 more:0.004 in:0.004 :0.883 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.038 of:0.037 a:0.024 in:0.018 and:0.015 :0.363 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.019 and:0.016 the:0.011 to:0.009 or:0.007 :0.532 +to:0.21 of:0.062 and:0.055 in:0.03 the:0.018 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +to:0.1 and:0.039 of:0.02 in:0.015 that:0.015 :0.152 +and:0.017 of:0.013 :0.012 the:0.011 to:0.009 :0.571 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.075 and:0.063 the:0.039 that:0.034 to:0.029 :0.363 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.166 of:0.086 and:0.058 with:0.035 that:0.03 :0.569 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.067 and:0.061 to:0.033 the:0.031 in:0.03 :0.403 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.132 a:0.068 and:0.012 it:0.01 this:0.01 :0.432 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.029 the:0.017 time:0.01 to:0.009 The:0.006 :0.658 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.073 and:0.07 to:0.064 for:0.028 in:0.023 :0.557 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +to:0.076 a:0.042 in:0.04 and:0.027 the:0.025 :0.698 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +to:0.03 and:0.02 in:0.01 of:0.01 as:0.009 :0.468 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +of:0.128 and:0.067 to:0.059 or:0.024 that:0.022 :0.485 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +of:0.041 and:0.031 .:0.027 the:0.01 than:0.009 :0.408 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.025 to:0.024 the:0.012 and:0.011 that:0.011 :0.534 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.052 of:0.036 to:0.021 that:0.019 as:0.017 :0.721 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +the:0.079 of:0.074 that:0.033 and:0.028 a:0.027 :0.655 +of:0.136 and:0.086 the:0.067 in:0.03 to:0.028 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.018 in:0.013 and:0.01 of:0.01 on:0.008 :0.94 +years:0.008 and:0.005 of:0.005 thousand:0.003 feet:0.003 :0.945 +to:0.132 of:0.037 and:0.027 the:0.025 in:0.024 :0.416 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.089 to:0.038 that:0.037 and:0.034 in:0.03 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.026 to:0.025 as:0.023 of:0.023 in:0.019 :0.651 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +to:0.111 and:0.107 of:0.066 that:0.034 for:0.033 :0.476 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.101 of:0.076 and:0.043 in:0.029 for:0.017 :0.595 +the:0.097 to:0.052 that:0.045 a:0.043 in:0.018 :0.56 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +to:0.078 of:0.051 in:0.043 the:0.043 and:0.042 :0.549 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.103 to:0.062 a:0.043 the:0.04 in:0.035 :0.436 +of:0.057 it:0.023 in:0.022 the:0.02 and:0.02 :0.75 +to:0.085 in:0.043 of:0.036 for:0.03 and:0.029 :0.52 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +of:0.088 to:0.04 and:0.037 in:0.027 for:0.016 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.07 the:0.066 of:0.024 to:0.021 and:0.019 :0.529 +the:0.027 he:0.02 it:0.015 we:0.015 of:0.015 :0.603 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.081 and:0.044 of:0.041 to:0.03 in:0.027 :0.523 +of:0.061 the:0.033 in:0.03 to:0.029 is:0.021 :0.597 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.034 and:0.02 that:0.012 1:0.01 a:0.009 :0.701 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.017 the:0.016 in:0.015 for:0.013 to:0.011 :0.651 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.097 to:0.052 that:0.045 a:0.043 in:0.018 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +of:0.132 to:0.071 and:0.063 in:0.04 for:0.026 :0.572 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.014 and:0.013 to:0.012 in:0.009 for:0.008 :0.933 +of:0.041 the:0.014 to:0.014 is:0.012 was:0.009 :0.898 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.04 of:0.033 the:0.02 that:0.014 to:0.012 :0.33 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.699 and:0.018 the:0.011 to:0.01 is:0.009 :0.131 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.064 the:0.033 and:0.018 a:0.012 in:0.011 :0.633 +the:0.071 to:0.045 a:0.04 of:0.031 and:0.025 :0.577 +that:0.005 of:0.003 and:0.003 or:0.002 :0.002 :0.982 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.019 and:0.016 the:0.011 to:0.009 or:0.007 :0.532 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.082 of:0.068 the:0.031 to:0.026 in:0.021 :0.391 +to:0.111 and:0.107 of:0.066 that:0.034 for:0.033 :0.476 +of:0.089 and:0.06 to:0.046 for:0.023 in:0.023 :0.405 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.016 the:0.013 and:0.012 they:0.007 it:0.007 :0.852 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +.:0.018 and:0.008 have:0.007 the:0.004 :0.004 :0.751 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.072 the:0.057 and:0.055 to:0.031 in:0.025 :0.612 +of:0.023 the:0.011 two:0.008 and:0.006 is:0.005 :0.798 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.121 and:0.051 to:0.031 that:0.029 in:0.022 :0.299 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 in:0.013 of:0.013 to:0.011 a:0.009 :0.487 +of:0.179 and:0.026 in:0.022 to:0.022 the:0.02 :0.343 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.176 to:0.075 and:0.065 in:0.043 for:0.035 :0.416 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.018 the:0.015 .:0.013 and:0.013 to:0.009 :0.871 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.204 of:0.192 for:0.052 in:0.036 and:0.033 :0.362 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +the:0.154 of:0.109 to:0.033 and:0.022 by:0.018 :0.383 +to:0.076 the:0.075 that:0.052 in:0.04 by:0.031 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.012 by:0.006 that:0.005 and:0.004 :0.004 :0.933 +the:0.019 and:0.017 is:0.011 to:0.008 of:0.008 :0.527 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +be:0.015 J.:0.013 and:0.011 the:0.009 A.:0.007 :0.658 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.298 to:0.061 and:0.055 that:0.043 in:0.032 :0.355 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +the:0.083 a:0.061 of:0.04 to:0.032 and:0.031 :0.54 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.068 and:0.049 in:0.034 for:0.027 a:0.024 :0.66 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.072 the:0.039 to:0.034 of:0.03 that:0.016 :0.332 +of:0.107 and:0.052 to:0.051 is:0.024 the:0.023 :0.629 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.083 to:0.061 and:0.053 or:0.027 in:0.021 :0.492 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.046 to:0.042 of:0.027 in:0.024 as:0.021 :0.55 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +to:0.033 and:0.032 in:0.027 the:0.023 for:0.016 :0.562 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.193 to:0.055 and:0.047 in:0.025 by:0.021 :0.525 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.052 to:0.047 in:0.041 and:0.04 at:0.02 :0.505 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +of:0.057 in:0.026 and:0.023 to:0.022 the:0.017 :0.494 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.067 the:0.045 to:0.038 of:0.029 in:0.024 :0.528 +to:0.064 and:0.04 of:0.039 the:0.029 in:0.026 :0.449 +the:0.114 and:0.035 that:0.02 a:0.018 it:0.015 :0.333 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.261 to:0.088 and:0.046 in:0.04 for:0.026 :0.384 +of:0.089 in:0.066 to:0.056 that:0.037 and:0.035 :0.614 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +:0.029 and:0.028 of:0.017 The:0.016 to:0.013 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.037 of:0.029 and:0.027 to:0.022 as:0.018 :0.658 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.045 and:0.031 the:0.025 in:0.022 are:0.019 :0.588 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.039 to:0.038 of:0.033 in:0.031 quarter:0.03 :0.787 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +the:0.097 and:0.018 a:0.011 his:0.008 of:0.007 :0.491 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.356 to:0.08 and:0.07 in:0.031 is:0.024 :0.222 +of:0.127 the:0.036 and:0.03 to:0.026 in:0.016 :0.372 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.014 said:0.006 and:0.004 a:0.004 work:0.003 :0.633 +have:0.001 JOURNAL:0.001 next,:0.001 been:0.001 AND:0.001 :0.996 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +of:0.076 and:0.041 to:0.035 the:0.025 in:0.021 :0.355 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.028 and:0.022 to:0.01 of:0.009 that:0.007 :0.642 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.032 in:0.019 be:0.017 the:0.016 and:0.016 :0.511 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.057 to:0.034 in:0.028 and:0.024 is:0.02 :0.377 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +to:0.104 in:0.024 as:0.019 and:0.018 for:0.012 :0.815 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.002 she:0.002 with:0.002 in:0.002 to\nthe:0.002 :0.991 +the:0.049 to:0.036 of:0.023 and:0.021 a:0.02 :0.473 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.147 to:0.061 and:0.049 for:0.036 in:0.032 :0.494 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.142 of:0.074 in:0.042 and:0.037 by:0.027 :0.452 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.115 to:0.091 and:0.061 in:0.043 is:0.02 :0.532 +the:0.176 and:0.041 that:0.038 a:0.023 of:0.023 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.044 of:0.037 to:0.02 in:0.016 by:0.014 :0.589 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.025 to:0.024 the:0.012 and:0.011 that:0.011 :0.534 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.066 to:0.044 that:0.037 and:0.033 of:0.027 :0.581 +as:0.012 the:0.011 and:0.007 a:0.005 :0.004 :0.905 +to:0.089 of:0.07 that:0.05 and:0.042 as:0.028 :0.349 +the:0.058 to:0.033 of:0.029 a:0.026 that:0.026 :0.444 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.09 days:0.02 years:0.019 and:0.019 in:0.017 :0.802 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.209 of:0.126 and:0.047 that:0.045 for:0.035 :0.421 +the:0.009 :0.009 and:0.007 The:0.006 a:0.004 :0.827 +of:0.028 and:0.013 he:0.007 in:0.006 to:0.006 :0.936 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +a:0.041 in:0.034 of:0.032 the:0.024 and:0.022 :0.604 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.075 a:0.046 the:0.041 in:0.025 is:0.024 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.159 and:0.063 to:0.039 in:0.032 the:0.031 :0.372 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +quarter:0.003 good:0.002 are:0.002 as:0.002 and:0.002 :0.987 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.139 of:0.109 in:0.036 and:0.032 by:0.015 :0.308 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +.,:0.016 fever:0.008 :0.008 .:0.003 OF:0.001 :0.963 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.045 a:0.033 and:0.025 that:0.021 of:0.021 :0.606 +of:0.049 the:0.032 and:0.029 that:0.023 to:0.021 :0.585 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +of:0.154 to:0.089 and:0.048 in:0.044 the:0.03 :0.394 +to:0.036 and:0.027 the:0.026 it:0.025 of:0.016 :0.568 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.018 and:0.008 have:0.007 the:0.004 :0.004 :0.751 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +of:0.064 and:0.058 that:0.041 the:0.033 to:0.033 :0.461 +the:0.033 of:0.033 and:0.025 in:0.007 that:0.007 :0.105 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.117 to:0.041 a:0.036 and:0.026 in:0.02 :0.316 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.286 that:0.05 for:0.049 and:0.034 in:0.033 :0.405 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.029 and:0.025 of:0.014 other:0.01 in:0.01 :0.657 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.151 and:0.085 the:0.028 to:0.026 in:0.021 :0.426 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +of:0.037 and:0.027 in:0.023 the:0.019 to:0.019 :0.664 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +than:0.621 the:0.025 of:0.006 and:0.005 a:0.004 :0.214 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.093 a:0.041 of:0.025 to:0.024 and:0.017 :0.424 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.122 to:0.115 and:0.066 in:0.044 from:0.02 :0.437 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +of:0.036 to:0.03 and:0.019 in:0.012 than:0.01 :0.857 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.175 of:0.119 that:0.06 and:0.052 the:0.042 :0.382 +the:0.02 other:0.011 and:0.007 two:0.005 one:0.005 :0.663 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.038 and:0.01 in:0.01 have:0.008 at:0.008 :0.916 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +if:0.004 than:0.003 of:0.003 up:0.002 and:0.002 :0.983 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +to:0.087 of:0.048 and:0.037 in:0.033 for:0.02 :0.597 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.036 to:0.021 and:0.016 as:0.012 in:0.011 :0.866 +of:0.085 to:0.053 the:0.039 and:0.028 in:0.021 :0.384 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.15 to:0.073 and:0.046 in:0.044 the:0.021 :0.533 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.014 States:0.004 and:0.004 in:0.004 who:0.003 :0.972 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.213 to:0.195 in:0.056 for:0.052 and:0.045 :0.264 +of:0.152 and:0.077 to:0.068 the:0.043 in:0.026 :0.345 +is:0.027 the:0.024 was:0.019 as:0.016 will:0.013 :0.843 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.044 the:0.043 and:0.037 to:0.025 a:0.018 :0.71 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.074 and:0.035 to:0.032 a:0.024 in:0.019 :0.332 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.165 and:0.063 to:0.051 in:0.023 for:0.023 :0.464 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.17 and:0.058 in:0.039 is:0.038 to:0.036 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.111 of:0.108 the:0.04 that:0.036 to:0.027 :0.333 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.022 beings:0.013 a:0.011 of:0.011 and:0.009 :0.587 +of:0.18 the:0.034 and:0.028 to:0.021 in:0.019 :0.464 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.053 is:0.047 was:0.034 and:0.031 will:0.026 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.031 a:0.024 said:0.016 been:0.016 to:0.015 :0.68 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.063 to:0.049 the:0.045 and:0.04 a:0.029 :0.596 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.111 and:0.107 of:0.066 that:0.034 for:0.033 :0.476 +to:0.076 and:0.031 in:0.028 than:0.023 of:0.016 :0.681 +of:0.059 to:0.024 and:0.02 that:0.018 the:0.015 :0.829 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.032 of:0.028 and:0.021 in:0.012 than:0.01 :0.645 +to:0.039 and:0.037 of:0.033 for:0.032 in:0.031 :0.575 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.211 to:0.069 and:0.033 of:0.031 that:0.022 :0.356 +estate:0.092 estate,:0.06 of:0.052 and:0.024 the:0.016 :0.344 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +to:0.068 of:0.065 that:0.054 in:0.043 and:0.035 :0.522 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.046 to:0.04 not:0.032 that:0.027 and:0.022 :0.641 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.036 and:0.029 in:0.026 of:0.02 will:0.016 :0.58 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +as:0.095 to:0.056 of:0.048 and:0.047 for:0.046 :0.647 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.095 of:0.084 and:0.065 is:0.047 to:0.047 :0.46 +that:0.041 to:0.041 and:0.04 a:0.025 as:0.02 :0.618 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +to:0.06 of:0.053 in:0.044 a:0.036 and:0.028 :0.493 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.091 not:0.029 it:0.019 and:0.017 he:0.014 :0.61 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +of:0.073 to:0.066 and:0.051 in:0.038 is:0.02 :0.489 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.027 in:0.023 and:0.019 by:0.015 to:0.014 :0.59 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.126 the:0.051 and:0.033 to:0.019 in:0.015 :0.357 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.086 and:0.015 a:0.01 of:0.009 to:0.007 :0.493 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.091 to:0.044 the:0.043 in:0.04 that:0.032 :0.531 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.204 of:0.192 for:0.052 in:0.036 and:0.033 :0.362 +than:0.054 and:0.033 in:0.026 of:0.021 on:0.01 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.006 out:0.004 up:0.003 into:0.002 of:0.002 :0.982 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.05 is:0.03 of:0.026 to:0.024 and:0.02 :0.488 +of:0.058 and:0.041 to:0.025 for:0.023 in:0.02 :0.611 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +and:0.072 of:0.066 to:0.064 the:0.061 that:0.042 :0.472 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 of:0.014 is:0.013 was:0.013 The:0.012 :0.624 +to:0.158 in:0.058 of:0.036 out:0.025 and:0.025 :0.541 +of:0.081 from:0.069 and:0.062 to:0.048 in:0.027 :0.546 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.494 to:0.067 and:0.026 in:0.017 the:0.015 :0.251 +of:0.029 to:0.019 and:0.008 as:0.005 with:0.005 :0.935 +of:0.122 to:0.116 the:0.04 and:0.033 that:0.027 :0.396 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.049 of:0.041 to:0.029 and:0.029 is:0.028 :0.65 +of:0.277 to:0.039 and:0.038 in:0.026 the:0.024 :0.365 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.255 to:0.064 and:0.033 the:0.024 is:0.021 :0.411 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +of:0.1 time:0.045 and:0.03 to:0.014 in:0.01 :0.544 +to:0.093 of:0.053 the:0.047 and:0.036 a:0.023 :0.383 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.028 to:0.007 not:0.005 of\nthe:0.005 for:0.005 :0.929 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +paid,:0.001 oath,:0.001 SILVER:0.001 Rico:0.0 are\nin:0.0 :0.997 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.076 to:0.075 in:0.043 of:0.042 for:0.027 :0.544 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +C:0.001 ten:0.001 the\ntime:0.001 be:0.001 be.:0.001 :0.997 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.177 to:0.065 in:0.048 on:0.042 the:0.041 :0.517 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +the:0.038 not:0.024 of:0.024 with:0.023 to:0.022 :0.681 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.04 to:0.027 and:0.022 the:0.017 in:0.016 :0.515 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.234 that:0.066 of:0.031 in:0.029 and:0.028 :0.403 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.113 to:0.042 and:0.021 in:0.02 is:0.013 :0.771 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +an:0.001 :0.001 case:0.001 course:0.001 e:0.001 :0.995 +the:0.033 and:0.032 of:0.024 is:0.022 to:0.021 :0.578 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.025 of:0.018 made:0.016 in:0.008 and:0.007 :0.903 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.07 of:0.062 in:0.036 to:0.034 the:0.016 :0.443 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.08 a:0.034 and:0.009 The:0.008 than:0.007 :0.429 +and:0.069 of:0.047 in:0.019 the:0.017 to:0.015 :0.375 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.159 to:0.033 a:0.027 of:0.02 that:0.018 :0.27 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.126 a:0.027 his:0.011 this:0.01 that:0.009 :0.465 +to:0.07 of:0.052 and:0.044 the:0.023 as:0.018 :0.407 +and:0.046 of:0.031 in:0.013 to:0.01 was:0.007 :0.565 +and:0.012 that:0.011 the:0.008 to:0.007 as:0.006 :0.717 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.009 and:0.008 of:0.005 :0.005 out:0.005 :0.927 +of:0.176 to:0.052 and:0.047 that:0.033 the:0.032 :0.354 +of:0.081 to:0.075 and:0.056 in:0.044 for:0.02 :0.43 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.104 to:0.058 and:0.038 in:0.033 for:0.025 :0.556 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +the:0.031 and:0.012 it:0.01 they:0.01 of:0.009 :0.746 +of:0.159 to:0.104 and:0.062 in:0.053 for:0.022 :0.523 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.23 in:0.05 to:0.035 and:0.033 the:0.032 :0.437 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.205 and:0.157 to:0.035 or:0.024 in:0.022 :0.448 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.055 and:0.028 that:0.017 to:0.016 in:0.015 :0.355 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.033 and:0.032 of:0.024 is:0.022 to:0.021 :0.578 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.131 and:0.047 in:0.031 to:0.024 at:0.017 :0.491 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +to:0.033 a:0.031 the:0.02 that:0.016 as:0.014 :0.279 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +a:0.041 in:0.034 of:0.032 the:0.024 and:0.022 :0.604 +the:0.065 a:0.04 to:0.027 and:0.02 in:0.019 :0.484 +man:0.006 morning:0.003 o'clock:0.002 to:0.002 from:0.002 :0.98 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.023 the:0.021 a:0.016 of:0.014 that:0.012 :0.726 +the:0.03 in:0.02 and:0.018 to:0.017 a:0.015 :0.437 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +of:0.152 and:0.059 to:0.05 in:0.032 as:0.019 :0.416 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +of:0.08 and:0.045 was:0.028 will:0.028 is:0.026 :0.585 +are:0.037 and:0.032 the:0.031 was:0.029 had:0.021 :0.585 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.209 of:0.126 and:0.047 that:0.045 for:0.035 :0.421 +to:0.448 of:0.116 in:0.056 and:0.046 for:0.044 :0.291 +of:0.105 to:0.056 and:0.036 than:0.02 that:0.017 :0.718 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +to:0.212 of:0.105 for:0.082 in:0.072 and:0.06 :0.298 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.103 of:0.092 and:0.051 in:0.022 for:0.019 :0.409 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.063 and:0.031 or:0.01 :0.01 the:0.009 :0.434 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.034 it:0.027 a:0.026 to:0.025 and:0.022 :0.461 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.097 to:0.052 that:0.045 a:0.043 in:0.018 :0.56 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.035 the:0.027 to:0.021 in:0.016 of:0.016 :0.626 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +than:0.01 of:0.005 DAILY:0.003 AND:0.003 and:0.003 :0.957 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.248 to:0.069 and:0.052 in:0.033 for:0.029 :0.415 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.175 and:0.097 in:0.027 to:0.022 the:0.019 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +of:0.056 the:0.044 that:0.041 and:0.034 to:0.033 :0.559 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.003 much:0.003 few:0.003 been:0.002 twenty:0.002 :0.982 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.091 to:0.044 the:0.043 in:0.04 that:0.032 :0.531 +of:0.058 to:0.038 and:0.034 the:0.017 in:0.013 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.073 to:0.073 and:0.059 the:0.046 in:0.038 :0.503 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.017 the:0.011 a:0.01 for:0.01 to:0.009 :0.446 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +OF:0.001 EVENING:0.001 convict:0.0 Inclined:0.0 FARGO:0.0 :0.997 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +to:0.127 of:0.104 and:0.052 is:0.04 for:0.034 :0.491 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.412 to:0.131 in:0.037 for:0.032 that:0.027 :0.361 +of:0.282 and:0.077 to:0.062 in:0.032 is:0.02 :0.329 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.091 and:0.052 to:0.028 in:0.028 that:0.017 :0.502 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.159 to:0.142 and:0.096 in:0.046 by:0.038 :0.401 +described:0.057 the:0.04 and:0.019 a:0.014 to:0.014 :0.592 +of:0.006 and:0.004 were:0.004 are:0.004 who:0.004 :0.979 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +to:0.082 and:0.076 that:0.033 the:0.031 in:0.03 :0.506 +to:0.425 of:0.095 in:0.065 and:0.051 for:0.036 :0.262 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.271 to:0.119 by:0.055 and:0.046 in:0.035 :0.428 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.081 a:0.02 to:0.018 and:0.013 which:0.009 :0.506 +States:0.002 and:0.002 by:0.002 of:0.002 as:0.002 :0.99 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.076 to:0.062 of:0.045 in:0.028 the:0.021 :0.67 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.06 to:0.05 in:0.041 that:0.028 not:0.023 :0.524 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.061 and:0.032 to:0.021 in:0.019 for:0.013 :0.657 +and:0.081 of:0.039 to:0.038 in:0.024 that:0.016 :0.37 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.038 and:0.022 in:0.021 to:0.015 .:0.01 :0.845 +of:0.324 and:0.05 to:0.023 in:0.018 at:0.014 :0.357 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.185 and:0.081 in:0.043 of:0.04 as:0.021 :0.502 +to:0.251 of:0.202 and:0.05 is:0.039 in:0.035 :0.308 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.026 and:0.014 a:0.014 of:0.013 to:0.012 :0.493 +of:0.46 to:0.05 and:0.032 of\nthe:0.014 is:0.013 :0.295 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +the:0.053 and:0.04 to:0.037 of:0.031 that:0.028 :0.585 +the:0.025 to:0.015 of:0.014 a:0.012 that:0.011 :0.771 +the:0.119 of:0.096 and:0.055 that:0.02 it:0.019 :0.436 +and:0.061 of:0.043 in:0.032 to:0.02 that:0.019 :0.393 +to:0.111 and:0.107 of:0.066 that:0.034 for:0.033 :0.476 +the:0.059 and:0.052 to:0.04 of:0.037 that:0.024 :0.543 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.057 and:0.036 in:0.027 as:0.01 is:0.009 :0.651 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.054 and:0.044 to:0.038 by:0.02 as:0.019 :0.597 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.079 to:0.072 in:0.061 and:0.045 for:0.035 :0.588 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +of:0.114 and:0.07 the:0.027 in:0.026 for:0.024 :0.55 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.033 to:0.03 years:0.017 that:0.015 of:0.014 :0.655 +not:0.003 made:0.003 in:0.003 of:0.002 who:0.002 :0.989 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +ANGELES:0.003 other:0.002 of:0.002 ago:0.002 persons:0.001 :0.989 +of:0.177 to:0.065 in:0.048 on:0.042 the:0.041 :0.517 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.123 a:0.077 of:0.02 that:0.015 and:0.013 :0.573 +of:0.108 and:0.051 to:0.028 for:0.02 in:0.013 :0.506 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +of:0.079 the:0.07 and:0.042 that:0.036 a:0.019 :0.429 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.135 that:0.039 and:0.036 by:0.025 in:0.025 :0.675 +been:0.139 the:0.059 a:0.041 to:0.021 that:0.011 :0.539 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +the:0.046 to:0.014 it:0.011 of:0.01 in:0.009 :0.376 +and:0.067 the:0.063 of:0.049 is:0.02 was:0.019 :0.568 +of:0.175 to:0.078 and:0.047 in:0.022 the:0.022 :0.398 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.058 to:0.057 and:0.05 in:0.035 that:0.026 :0.592 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.013 the:0.009 and:0.006 that:0.006 who:0.005 :0.936 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.055 it:0.02 and:0.014 that:0.01 a:0.007 :0.588 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +the:0.085 of:0.083 and:0.037 that:0.021 in:0.021 :0.653 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.061 of:0.038 and:0.027 to:0.027 is:0.016 :0.514 +to:0.086 of:0.075 the:0.053 and:0.046 in:0.039 :0.417 +than:0.011 the:0.011 of:0.008 and:0.007 in:0.006 :0.933 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.067 and:0.03 a:0.029 of:0.021 to:0.018 :0.284 +to:0.09 that:0.042 the:0.039 in:0.029 and:0.029 :0.651 +of:0.228 and:0.116 to:0.104 in:0.067 on:0.035 :0.351 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.141 to:0.058 for:0.053 in:0.052 and:0.04 :0.432 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.11 to:0.094 a:0.064 upon:0.05 of:0.04 :0.415 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.073 of:0.03 that:0.026 or:0.02 the:0.02 :0.475 +and:0.122 of:0.12 to:0.029 in:0.026 that:0.016 :0.427 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.019 not:0.013 the:0.012 in:0.01 man:0.008 :0.644 +the:0.048 a:0.034 and:0.027 of:0.015 by:0.014 :0.617 +of:0.049 the:0.047 in:0.031 and:0.025 a:0.019 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.002 that:0.002 interest:0.002 land:0.002 of:0.001 :0.983 +and:0.068 of:0.056 to:0.053 in:0.038 for:0.031 :0.575 +the:0.118 to:0.042 that:0.041 and:0.031 of:0.025 :0.408 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.099 and:0.038 to:0.026 in:0.024 for:0.018 :0.374 +to:0.073 and:0.068 in:0.046 of:0.031 that:0.03 :0.564 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.494 to:0.067 and:0.026 in:0.017 the:0.015 :0.251 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.015 own:0.006 man:0.005 of:0.004 in:0.004 :0.917 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.067 to:0.035 the:0.034 and:0.031 in:0.025 :0.495 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.079 to:0.072 and:0.043 in:0.025 the:0.022 :0.4 +of:0.102 the:0.067 and:0.051 it:0.043 to:0.039 :0.418 +and:0.032 was:0.012 is:0.011 of:0.009 that:0.007 :0.849 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +of:0.064 and:0.034 to:0.034 the:0.025 in:0.021 :0.34 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +described:0.066 of:0.028 and:0.02 to:0.015 that:0.012 :0.554 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.074 and:0.03 is:0.028 has:0.019 was:0.018 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.193 and:0.071 to:0.047 the:0.031 in:0.02 :0.411 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +to:0.082 and:0.063 is:0.051 of:0.033 was:0.022 :0.562 +of:0.092 was:0.037 and:0.035 is:0.034 will:0.03 :0.629 +of:0.004 Francisco:0.002 and:0.002 DAILY:0.001 as:0.001 :0.988 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.031 the:0.016 an:0.008 in:0.007 as:0.006 :0.716 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +the:0.077 a:0.052 to:0.02 of:0.02 and:0.015 :0.444 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.083 to:0.079 and:0.074 in:0.03 the:0.02 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.104 to:0.058 and:0.05 the:0.027 that:0.026 :0.687 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.07 to:0.023 of:0.019 and:0.017 is:0.017 :0.598 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +to:0.09 and:0.043 the:0.039 in:0.035 of:0.03 :0.505 +of:0.095 to:0.088 in:0.052 and:0.051 at:0.035 :0.497 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.08 and:0.071 to:0.063 in:0.045 that:0.038 :0.544 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.028 and:0.022 to:0.01 of:0.009 that:0.007 :0.642 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.06 to:0.047 and:0.027 in:0.022 that:0.02 :0.663 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.533 and:0.059 to:0.037 of\nthe:0.027 for:0.026 :0.239 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.025 The:0.022 of:0.017 :0.017 the:0.011 :0.558 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.045 and:0.033 in:0.032 to:0.02 as:0.017 :0.649 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.048 and:0.023 :0.019 The:0.017 a:0.015 :0.598 +to:0.238 of:0.103 in:0.057 for:0.046 and:0.036 :0.392 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.077 to:0.052 of:0.045 thousand:0.034 the:0.024 :0.503 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.092 was:0.037 and:0.035 is:0.034 will:0.03 :0.629 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +and:0.081 of:0.039 to:0.038 in:0.024 that:0.016 :0.37 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +of:0.014 States:0.004 and:0.004 in:0.004 who:0.003 :0.972 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +the:0.129 a:0.042 to:0.027 that:0.02 in:0.016 :0.51 +to:0.061 in:0.039 and:0.031 as:0.018 for:0.013 :0.563 +the:0.011 AND:0.007 and:0.005 are:0.005 of:0.005 :0.946 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.27 to:0.095 and:0.074 or:0.031 that:0.026 :0.388 +the:0.095 of:0.025 other:0.016 a:0.016 and:0.014 :0.442 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +of:0.083 to:0.047 and:0.037 the:0.025 in:0.022 :0.481 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.243 and:0.043 to:0.03 in:0.029 for:0.026 :0.273 +of:0.174 and:0.05 to:0.044 is:0.019 the:0.017 :0.472 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.043 and:0.036 to:0.034 of:0.029 in:0.02 :0.324 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.011 AND:0.007 and:0.005 are:0.005 of:0.005 :0.946 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.044 and:0.03 to:0.025 in:0.024 is:0.009 :0.535 +of:0.075 to:0.062 in:0.051 and:0.036 by:0.024 :0.503 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.33 a:0.022 them:0.02 his:0.018 this:0.017 :0.449 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.036 and:0.029 in:0.026 of:0.02 will:0.016 :0.58 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +of:0.154 the:0.061 they:0.041 he:0.039 it:0.035 :0.524 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.137 and:0.045 to:0.029 or:0.018 in:0.016 :0.488 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.46 to:0.05 and:0.032 of\nthe:0.014 is:0.013 :0.295 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.02 only:0.016 be:0.012 is:0.01 :0.547 +to:0.072 of:0.043 up:0.037 and:0.033 out:0.03 :0.638 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.04 the:0.033 and:0.029 a:0.015 to:0.013 :0.583 +of:0.057 to:0.05 for:0.041 and:0.035 a:0.027 :0.518 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.033 in:0.017 to:0.015 and:0.009 that:0.008 :0.905 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +to:0.142 the:0.057 of:0.045 in:0.037 and:0.037 :0.589 +the:0.297 a:0.05 tho:0.011 his:0.01 of:0.01 :0.405 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +to:0.103 and:0.074 of:0.04 in:0.034 with:0.033 :0.556 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.038 a:0.022 of:0.015 and:0.015 to:0.008 :0.489 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.028 and:0.019 a:0.019 that:0.017 of:0.016 :0.518 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.092 to:0.061 who:0.041 and:0.036 in:0.031 :0.508 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +of:0.099 and:0.048 as:0.025 from:0.016 to:0.013 :0.505 +to:0.232 of:0.177 in:0.056 and:0.053 for:0.048 :0.32 +of:0.194 and:0.102 to:0.04 the:0.029 in:0.021 :0.315 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.013 not:0.01 and:0.01 :0.009 of:0.007 :0.489 +of:0.121 and:0.054 to:0.051 in:0.046 the:0.032 :0.49 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.09 that:0.042 the:0.039 in:0.029 and:0.029 :0.651 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.009 .:0.008 and:0.006 M:0.005 have:0.005 :0.501 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +of:0.051 in:0.021 and:0.018 to:0.015 for:0.014 :0.607 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.005 in:0.003 the:0.003 described:0.002 :0.002 :0.968 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +the:0.052 a:0.022 to:0.014 one:0.013 in:0.012 :0.589 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +estate:0.092 estate,:0.06 of:0.052 and:0.024 the:0.016 :0.344 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +the:0.3 of:0.039 in:0.033 to:0.03 a:0.028 :0.378 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.271 to:0.051 and:0.026 the:0.02 in:0.01 :0.301 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +of:0.121 and:0.064 in:0.04 to:0.039 or:0.019 :0.491 +the:0.083 and:0.059 to:0.046 in:0.039 of:0.019 :0.481 +that:0.014 and:0.013 as:0.01 who:0.008 from:0.007 :0.93 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.006 be:0.005 .:0.005 not:0.003 all:0.003 :0.943 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.075 and:0.04 to:0.019 in:0.018 the:0.015 :0.476 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.075 and:0.04 to:0.019 in:0.018 the:0.015 :0.476 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.059 to:0.041 and:0.039 in:0.029 a:0.026 :0.618 +of:0.093 to:0.036 in:0.032 and:0.028 is:0.015 :0.507 +and:0.017 of:0.016 the:0.016 :0.008 day:0.008 :0.5 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.034 the:0.032 with:0.024 to:0.021 of:0.021 :0.625 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +of:0.061 and:0.04 to:0.026 in:0.022 for:0.021 :0.532 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.108 of:0.104 and:0.039 at:0.03 in:0.027 :0.437 +and:0.083 of:0.064 to:0.042 for:0.036 in:0.022 :0.707 +to:0.069 and:0.045 of:0.042 in:0.036 the:0.016 :0.44 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.046 in:0.043 of:0.035 and:0.034 the:0.03 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.07 to:0.031 and:0.027 in:0.026 for:0.015 :0.649 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +days:0.08 the:0.028 of:0.024 and:0.02 a:0.015 :0.633 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +and:0.062 of:0.056 the:0.032 in:0.02 to:0.019 :0.445 +of:0.222 in:0.05 and:0.033 to:0.024 is:0.02 :0.489 +of:0.179 and:0.026 in:0.022 to:0.022 the:0.02 :0.343 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.519 the:0.05 to:0.043 and:0.042 in:0.02 :0.143 +of:0.044 and:0.03 to:0.025 in:0.024 is:0.009 :0.535 +the:0.006 be:0.005 .:0.005 not:0.003 all:0.003 :0.943 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +of:0.266 to:0.048 and:0.046 as:0.023 for:0.016 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.227 the:0.068 in:0.044 by:0.042 of:0.034 :0.351 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.142 and:0.072 to:0.036 in:0.028 for:0.023 :0.397 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.008 that:0.004 :0.003 The:0.003 and:0.003 :0.979 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.053 of:0.038 and:0.035 to:0.022 that:0.017 :0.619 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.071 to:0.045 a:0.04 of:0.031 and:0.025 :0.577 +and:0.074 to:0.074 the:0.06 of:0.045 in:0.044 :0.565 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +the:0.06 to:0.039 of:0.038 that:0.026 and:0.02 :0.515 +of:0.058 the:0.024 and:0.022 in:0.01 or:0.009 :0.402 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +in:0.03 and:0.02 of:0.017 to:0.015 at:0.012 :0.723 +and:0.051 :0.03 the:0.027 that:0.023 to:0.019 :0.695 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +the:0.061 to:0.027 a:0.022 of:0.022 and:0.019 :0.517 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.03 that:0.026 the:0.019 of:0.015 and:0.014 :0.877 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.055 and:0.019 that:0.017 to:0.015 in:0.011 :0.632 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.104 in:0.024 as:0.019 and:0.018 for:0.012 :0.815 +and:0.082 of:0.068 the:0.031 to:0.026 in:0.021 :0.391 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.281 the:0.056 and:0.035 to:0.025 in:0.019 :0.377 +the:0.129 a:0.075 that:0.019 to:0.016 of:0.013 :0.493 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +as:0.022 and:0.02 to:0.018 of:0.018 in:0.016 :0.56 +be:0.015 J.:0.013 and:0.011 the:0.009 A.:0.007 :0.658 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.096 of:0.037 to:0.025 in:0.023 and:0.021 :0.624 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.103 and:0.063 the:0.034 a:0.015 as:0.012 :0.281 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.293 of:0.044 and:0.034 in:0.031 that:0.028 :0.411 +to:0.042 and:0.033 in:0.029 the:0.015 of:0.015 :0.772 +and:0.01 as:0.005 few:0.005 of:0.004 that:0.004 :0.961 +of:0.084 to:0.069 and:0.057 in:0.035 the:0.027 :0.533 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.074 a:0.028 that:0.025 of:0.02 and:0.019 :0.526 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.158 in:0.058 of:0.036 out:0.025 and:0.025 :0.541 +of:0.053 is:0.047 was:0.034 and:0.031 will:0.026 :0.537 +and:0.052 the:0.04 of:0.015 in:0.012 that:0.012 :0.467 +the:0.074 a:0.074 to:0.019 in:0.016 of:0.015 :0.387 +of:0.019 and:0.014 in:0.014 to:0.011 day:0.01 :0.882 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.076 to:0.058 and:0.036 that:0.022 was:0.019 :0.546 +to:0.297 of:0.093 the:0.082 that:0.067 a:0.035 :0.291 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.119 of:0.044 in:0.034 and:0.031 that:0.02 :0.661 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.039 in:0.022 to:0.015 and:0.014 a:0.012 :0.568 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.118 the:0.059 and:0.059 to:0.048 a:0.025 :0.53 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.087 of:0.063 to:0.055 the:0.048 in:0.026 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.02 and:0.018 in:0.017 :0.011 as:0.009 :0.546 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.081 to:0.075 and:0.056 in:0.044 for:0.02 :0.43 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.136 of:0.073 to:0.037 in:0.034 for:0.02 :0.315 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.046 and:0.025 that:0.021 in:0.019 of:0.019 :0.513 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +of:0.118 to:0.066 as:0.033 in:0.031 and:0.029 :0.446 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +the:0.042 he:0.036 it:0.02 a:0.02 that:0.015 :0.8 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +the:0.011 is:0.009 of:0.007 he:0.007 and:0.006 :0.927 +of:0.081 to:0.075 and:0.056 in:0.044 for:0.02 :0.43 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.027 in:0.017 of:0.017 and:0.016 the:0.013 :0.595 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.171 to:0.087 and:0.04 in:0.029 as:0.024 :0.415 +of:0.064 to:0.05 and:0.048 the:0.03 in:0.029 :0.569 +that:0.011 of:0.01 the:0.009 a:0.009 and:0.009 :0.424 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.199 to:0.085 and:0.064 the:0.034 for:0.026 :0.43 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.075 the:0.037 to:0.027 and:0.024 or:0.011 :0.335 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +to:0.154 of:0.071 and:0.047 in:0.033 the:0.027 :0.406 +the:0.172 a:0.078 ten:0.05 this:0.016 one:0.014 :0.541 +of:0.26 to:0.116 and:0.077 in:0.069 at:0.028 :0.41 +that:0.052 and:0.045 of:0.028 to:0.025 as:0.02 :0.504 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +with:0.17 of:0.051 to:0.048 and:0.036 in:0.031 :0.449 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.09 and:0.022 in:0.017 to:0.013 from:0.013 :0.742 +a:0.002 the:0.001 American:0.001 :0.001 an:0.001 :0.993 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.126 to:0.125 and:0.048 the:0.046 in:0.038 :0.5 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.059 of:0.046 to:0.042 in:0.031 that:0.022 :0.583 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.066 the:0.023 to:0.022 and:0.021 that:0.015 :0.659 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.049 the:0.04 of:0.03 that:0.029 a:0.026 :0.487 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.048 .:0.033 the:0.031 and:0.029 in:0.026 :0.448 +to:0.138 with:0.064 the:0.055 of:0.036 and:0.031 :0.539 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +of:0.359 to:0.08 in:0.058 and:0.037 at:0.023 :0.352 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.036 to:0.024 of:0.023 that:0.02 the:0.016 :0.71 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.116 to:0.064 and:0.06 in:0.031 by:0.017 :0.405 +and:0.035 the:0.027 to:0.021 in:0.016 of:0.016 :0.626 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.051 of:0.03 per:0.025 and:0.022 in:0.013 :0.638 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +to:0.03 and:0.03 of:0.016 the:0.013 that:0.01 :0.72 +of:0.135 and:0.069 in:0.067 to:0.065 is:0.03 :0.472 +beings:0.004 Francisco,:0.002 KANSAS:0.002 :0.002 Francisco.:0.001 :0.989 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +of:0.103 and:0.063 the:0.034 a:0.015 as:0.012 :0.281 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.063 any:0.018 that:0.013 a:0.013 his:0.013 :0.869 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.174 and:0.071 to:0.038 in:0.027 for:0.021 :0.349 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.183 and:0.095 to:0.063 in:0.05 by:0.029 :0.44 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.042 the:0.04 and:0.026 of:0.016 :0.012 :0.569 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.143 and:0.026 in:0.022 is:0.018 are:0.014 :0.55 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +of:0.244 and:0.031 to:0.016 in:0.014 or:0.009 :0.354 +of:0.087 to:0.039 and:0.036 the:0.031 or:0.019 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.106 to:0.079 the:0.071 by:0.048 in:0.029 :0.55 +the:0.059 to:0.018 of:0.017 was:0.017 is:0.016 :0.516 +to:0.07 of:0.062 in:0.037 and:0.025 as:0.016 :0.618 +of:0.204 and:0.06 to:0.044 in:0.042 on:0.027 :0.482 +of:0.04 to:0.027 and:0.022 the:0.017 in:0.016 :0.515 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.14 to:0.104 the:0.061 and:0.033 in:0.03 :0.402 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.032 as:0.027 and:0.024 not:0.022 of:0.019 :0.767 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.058 of:0.049 to:0.03 o'clock:0.028 in:0.026 :0.582 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.078 to:0.041 and:0.035 in:0.029 is:0.015 :0.391 +to:0.158 in:0.058 of:0.036 out:0.025 and:0.025 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +to:0.113 of:0.06 and:0.042 the:0.016 that:0.014 :0.489 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.316 to:0.069 and:0.062 for:0.047 in:0.047 :0.376 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.079 of:0.07 and:0.05 for:0.024 that:0.022 :0.476 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +and:0.016 the:0.015 to:0.014 of:0.01 had:0.009 :0.727 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.039 to:0.028 in:0.026 of:0.02 at:0.015 :0.683 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.051 the:0.035 as:0.017 of:0.016 that:0.013 :0.756 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +to:0.041 of:0.036 and:0.031 in:0.025 was:0.021 :0.651 +of:0.105 to:0.024 that:0.022 and:0.02 will:0.012 :0.706 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +of:0.187 and:0.051 in:0.035 is:0.024 to:0.021 :0.549 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.039 in:0.017 and:0.016 the:0.016 be:0.01 :0.611 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.015 .:0.015 and:0.011 a:0.01 was:0.008 :0.809 +of:0.076 and:0.023 in:0.018 to:0.014 a:0.014 :0.367 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +of:0.088 to:0.04 and:0.037 in:0.027 for:0.016 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +the:0.063 and:0.043 of:0.033 to:0.029 it:0.027 :0.593 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.079 of:0.049 in:0.023 the:0.021 for:0.018 :0.471 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.057 to:0.034 in:0.028 and:0.024 is:0.02 :0.377 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +to:0.108 in:0.037 and:0.025 a:0.021 on:0.017 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.047 a:0.027 and:0.021 to:0.014 in:0.014 :0.719 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +with:0.02 to:0.017 in:0.011 on:0.008 by:0.008 :0.937 +of:0.158 the:0.053 to:0.048 and:0.046 in:0.029 :0.356 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.131 and:0.036 to:0.032 in:0.019 that:0.016 :0.525 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +of:0.141 and:0.081 to:0.04 the:0.039 by:0.032 :0.467 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.033 to:0.03 years:0.017 that:0.015 of:0.014 :0.655 +of:0.135 and:0.068 the:0.043 that:0.039 in:0.033 :0.365 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +to:0.095 of:0.068 and:0.058 for:0.045 in:0.036 :0.494 +to:0.109 of:0.053 in:0.049 and:0.04 the:0.024 :0.572 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.233 in:0.071 to:0.06 the:0.045 and:0.045 :0.444 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.048 out:0.031 and:0.022 the:0.021 that:0.021 :0.75 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.229 to:0.061 and:0.06 in:0.047 by:0.023 :0.409 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.109 of:0.072 and:0.069 the:0.035 that:0.026 :0.414 +deed:0.02 to:0.014 mortgage:0.014 of:0.01 and:0.009 :0.739 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.013 the:0.012 of:0.011 for:0.009 a:0.008 :0.879 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.063 a:0.044 and:0.012 that:0.008 his:0.006 :0.511 +of:0.083 and:0.047 in:0.032 the:0.025 to:0.025 :0.574 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +to:0.039 and:0.037 of:0.033 for:0.032 in:0.031 :0.575 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.251 of:0.202 and:0.05 is:0.039 in:0.035 :0.308 +days:0.072 weeks:0.04 years:0.038 months:0.017 days,:0.015 :0.519 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.114 and:0.037 to:0.035 a:0.033 of:0.027 :0.528 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.21 of:0.062 and:0.055 in:0.03 the:0.018 :0.395 +the:0.059 a:0.035 it:0.024 to:0.018 and:0.014 :0.764 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.142 of:0.074 in:0.042 and:0.037 by:0.027 :0.452 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.021 to:0.008 and:0.008 are:0.007 from:0.006 :0.928 +to:0.251 of:0.202 and:0.05 is:0.039 in:0.035 :0.308 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.034 of:0.025 the:0.01 in:0.01 that:0.007 :0.459 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.042 a:0.036 to:0.031 that:0.028 of:0.025 :0.537 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.12 and:0.073 to:0.051 in:0.034 the:0.034 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.067 the:0.06 and:0.052 it:0.016 a:0.013 :0.546 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.002 up:0.002 :0.002 to:0.002 but:0.001 :0.992 +of:0.073 and:0.053 to:0.041 the:0.038 in:0.034 :0.496 +the:0.016 is:0.015 was:0.011 and:0.007 as:0.007 :0.836 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.094 of:0.052 and:0.027 in:0.026 by:0.018 :0.719 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +to:0.207 of:0.086 and:0.048 in:0.034 from:0.022 :0.326 +the:0.063 a:0.044 and:0.012 that:0.008 his:0.006 :0.511 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.189 and:0.058 the:0.054 to:0.05 in:0.018 :0.439 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +from:0.079 to:0.058 of:0.058 in:0.054 the:0.053 :0.475 +a:0.07 the:0.066 of:0.024 to:0.021 and:0.019 :0.529 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.039 of:0.035 to:0.033 and:0.026 a:0.023 :0.591 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.175 and:0.097 in:0.027 to:0.022 the:0.019 :0.554 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.188 to:0.123 and:0.06 from:0.03 for:0.03 :0.453 +of:0.035 and:0.028 the:0.022 as:0.016 to:0.015 :0.564 +the:0.042 of:0.041 and:0.035 to:0.023 a:0.016 :0.493 +as:0.022 and:0.02 to:0.018 of:0.018 in:0.016 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.221 to:0.125 and:0.062 for:0.03 in:0.03 :0.445 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +of:0.333 and:0.033 in:0.022 is:0.021 to:0.015 :0.34 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.031 and:0.03 to:0.026 in:0.02 the:0.014 :0.501 +been:0.033 of:0.015 and:0.014 a:0.013 the:0.013 :0.613 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +layers:0.001 JOURNAL:0.001 INTER:0.001 OIL:0.001 MORNING:0.001 :0.995 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.175 and:0.097 in:0.027 to:0.022 the:0.019 :0.554 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.034 of:0.022 in:0.013 to:0.011 The:0.01 :0.476 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.118 the:0.059 and:0.059 to:0.048 a:0.025 :0.53 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.037 and:0.022 of:0.018 as:0.013 that:0.012 :0.429 +of:0.125 the:0.051 to:0.031 and:0.023 a:0.022 :0.458 +the:0.118 of:0.064 a:0.043 that:0.031 and:0.029 :0.641 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.032 a:0.026 of:0.021 and:0.02 the:0.02 :0.662 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +of:0.324 to:0.069 and:0.047 in:0.039 that:0.021 :0.355 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.034 of:0.019 and:0.019 to:0.009 was:0.008 :0.565 +of:0.128 and:0.067 to:0.059 or:0.024 that:0.022 :0.485 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.095 to:0.079 and:0.043 in:0.036 the:0.031 :0.501 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +Louis:0.001 where:0.001 east:0.001 No.:0.001 which:0.001 :0.995 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +to:0.2 and:0.056 in:0.034 for:0.031 the:0.026 :0.555 +of:0.211 to:0.097 and:0.051 in:0.039 as:0.034 :0.36 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +to:0.067 of:0.041 that:0.023 in:0.021 and:0.018 :0.689 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.069 of:0.043 to:0.036 for:0.028 in:0.026 :0.658 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.139 of:0.095 and:0.075 the:0.068 that:0.046 :0.419 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.039 and:0.026 the:0.013 in:0.008 by:0.007 :0.641 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.075 to:0.026 and:0.019 the:0.018 in:0.015 :0.532 +of:0.031 and:0.023 to:0.012 in:0.011 is:0.01 :0.745 +the:0.119 of:0.042 to:0.038 that:0.037 and:0.023 :0.544 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.094 as:0.043 in:0.039 and:0.037 to:0.021 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.083 to:0.079 and:0.074 in:0.03 the:0.02 :0.627 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.266 to:0.083 in:0.066 and:0.052 for:0.033 :0.378 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +and:0.035 of:0.033 to:0.016 in:0.01 the:0.009 :0.487 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.023 and:0.015 in:0.015 to:0.01 for:0.008 :0.898 +named:0.001 :0.001 bidder,:0.001 claimed,:0.001 four\nyears:0.0 :0.997 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +he:0.01 you:0.007 it:0.007 the:0.006 much:0.004 :0.966 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.075 of:0.05 to:0.044 in:0.029 for:0.028 :0.428 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.051 and:0.045 the:0.037 of:0.025 a:0.017 :0.612 +to:0.194 of:0.066 in:0.063 for:0.033 and:0.03 :0.404 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.043 of:0.023 to:0.012 in:0.011 on:0.009 :0.851 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +D.:0.001 B.:0.001 and:0.001 man:0.001 part:0.001 :0.991 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.002 that:0.002 interest:0.002 land:0.002 of:0.001 :0.983 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.027 and:0.025 to:0.015 :0.012 as:0.01 :0.624 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +the:0.031 a:0.024 other:0.008 one:0.007 and:0.005 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.125 and:0.048 in:0.032 to:0.029 the:0.024 :0.619 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.045 and:0.034 in:0.031 as:0.021 a:0.021 :0.525 +the:0.011 that:0.011 in:0.01 be:0.01 and:0.009 :0.767 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.13 and:0.077 to:0.068 in:0.027 the:0.016 :0.399 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.089 of:0.07 that:0.05 and:0.042 as:0.028 :0.349 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.064 of:0.045 was:0.035 is:0.034 and:0.029 :0.53 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.043 to:0.023 and:0.019 of:0.018 it:0.017 :0.813 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.137 and:0.113 of:0.081 the:0.064 that:0.061 :0.383 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.067 of:0.041 that:0.023 in:0.021 and:0.018 :0.689 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.086 and:0.058 the:0.028 of:0.024 in:0.016 :0.529 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.08 of:0.066 and:0.055 that:0.054 in:0.034 :0.419 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 to:0.033 of:0.029 a:0.026 that:0.026 :0.444 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.169 a:0.061 to:0.037 in:0.018 his:0.017 :0.511 +the:0.107 a:0.033 of:0.02 all:0.013 to:0.012 :0.553 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +to:0.094 of:0.053 and:0.042 the:0.032 a:0.027 :0.344 +of:0.088 and:0.044 in:0.019 to:0.019 the:0.015 :0.541 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +EVENING:0.002 Carolina:0.001 find:0.001 votes:0.001 .:0.001 :0.994 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.166 and:0.06 the:0.052 to:0.028 in:0.02 :0.298 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.248 to:0.039 and:0.026 in:0.025 a:0.024 :0.466 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.032 since:0.03 the:0.023 to:0.023 not:0.014 :0.485 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +to:0.06 of:0.053 in:0.044 a:0.036 and:0.028 :0.493 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.177 the:0.043 and:0.03 a:0.03 that:0.025 :0.358 +and:0.044 to:0.044 in:0.04 is:0.029 of:0.022 :0.556 +of:0.047 the:0.046 and:0.034 in:0.033 for:0.021 :0.596 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.127 of:0.058 in:0.048 and:0.045 is:0.026 :0.347 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.002 and:0.002 other:0.002 to:0.001 in:0.001 :0.989 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.024 in:0.02 is:0.018 day:0.018 and:0.017 :0.68 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.054 and:0.045 to:0.032 is:0.015 in:0.014 :0.554 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +of:0.052 and:0.043 the:0.041 was:0.038 is:0.024 :0.508 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +of:0.024 the:0.013 and:0.009 a:0.008 was:0.007 :0.868 +the:0.034 a:0.022 in:0.019 of:0.014 and:0.013 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.026 and:0.022 of:0.014 have:0.005 was:0.005 :0.15 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 the:0.049 to:0.042 and:0.031 in:0.018 :0.489 +been:0.003 taken:0.002 seen:0.001 begun:0.001 the:0.001 :0.992 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.005 of:0.004 from:0.003 and:0.003 that:0.003 :0.974 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +.,:0.001 .:0.001 YORK:0.001 half\nof:0.001 The:0.001 :0.995 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.045 of:0.037 the:0.031 is:0.017 in:0.015 :0.596 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.127 is:0.042 and:0.037 to:0.03 as:0.029 :0.654 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.273 and:0.107 to:0.064 for:0.031 that:0.024 :0.392 +of:0.245 and:0.044 to:0.04 in:0.033 is:0.021 :0.498 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.014 DAILY:0.004 than:0.004 that:0.004 is:0.004 :0.958 +to:0.15 of:0.061 in:0.057 and:0.046 for:0.024 :0.546 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.023 to:0.023 in:0.019 of:0.018 not:0.016 :0.902 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.108 been:0.055 a:0.03 no:0.008 not:0.008 :0.552 +and:0.05 of:0.018 to:0.013 :0.012 in:0.009 :0.385 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +described:0.066 of:0.028 and:0.02 to:0.015 that:0.012 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.134 a:0.037 to:0.027 in:0.021 and:0.018 :0.493 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.067 the:0.054 of:0.029 a:0.026 in:0.026 :0.419 +and:0.018 the:0.01 to:0.009 in:0.008 .:0.006 :0.901 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +not:0.036 to:0.018 and:0.016 in:0.014 of:0.013 :0.609 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.108 and:0.056 of:0.053 that:0.019 by:0.015 :0.661 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.077 of:0.051 a:0.03 to:0.021 in:0.014 :0.548 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.054 and:0.045 of:0.034 the:0.031 with:0.02 :0.563 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.021 to:0.02 the:0.019 of:0.013 a:0.011 :0.497 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.061 to:0.027 a:0.022 of:0.022 and:0.019 :0.517 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.169 and:0.045 in:0.034 to:0.018 for:0.015 :0.414 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +of:0.204 and:0.068 to:0.06 in:0.054 for:0.039 :0.445 +the:0.072 of:0.071 and:0.026 to:0.024 by:0.019 :0.521 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.045 and:0.026 the:0.013 to:0.013 in:0.012 :0.52 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.249 and:0.056 in:0.038 that:0.031 to:0.031 :0.38 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.094 as:0.043 in:0.039 and:0.037 to:0.021 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +of:0.061 and:0.04 to:0.026 in:0.022 for:0.021 :0.532 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.017 for:0.009 with:0.009 in:0.009 to:0.008 :0.948 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.019 not:0.013 the:0.012 in:0.01 man:0.008 :0.644 +to:0.027 in:0.017 of:0.017 and:0.016 the:0.013 :0.595 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.131 the:0.078 and:0.071 to:0.027 for:0.022 :0.358 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.249 of:0.085 the:0.069 and:0.043 that:0.043 :0.378 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.046 of:0.04 and:0.037 the:0.021 in:0.018 :0.66 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +of:0.14 is:0.032 was:0.031 and:0.031 to:0.031 :0.491 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +of:0.073 and:0.037 the:0.027 to:0.027 in:0.023 :0.651 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.029 of:0.023 .:0.007 The:0.006 :0.006 :0.498 +of:0.109 to:0.099 and:0.091 in:0.04 the:0.02 :0.443 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +been:0.139 the:0.059 a:0.041 to:0.021 that:0.011 :0.539 +of:0.187 and:0.051 in:0.035 is:0.024 to:0.021 :0.549 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.207 of:0.086 and:0.048 in:0.034 from:0.022 :0.326 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.094 to:0.068 the:0.054 and:0.049 in:0.037 :0.491 +of:0.094 the:0.05 and:0.038 to:0.015 a:0.013 :0.388 +of:0.06 and:0.058 to:0.034 who:0.027 in:0.026 :0.483 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.379 and:0.069 that:0.031 in:0.025 to:0.023 :0.323 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.087 of:0.056 to:0.05 in:0.036 as:0.035 :0.389 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.082 a:0.014 and:0.014 have:0.013 are:0.013 :0.511 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.154 to:0.089 and:0.048 in:0.044 the:0.03 :0.394 +of:0.059 and:0.047 the:0.04 to:0.032 in:0.026 :0.532 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.156 of:0.052 in:0.035 and:0.022 from:0.016 :0.656 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +think:0.001 know:0.001 knew:0.001 believe:0.001 JOURNAL:0.001 :0.997 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.003 are:0.001 on:0.001 FREE:0.001 than:0.001 :0.99 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.102 and:0.062 in:0.02 to:0.019 on:0.012 :0.749 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.212 in:0.066 and:0.058 to:0.039 for:0.019 :0.348 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.145 and:0.117 to:0.045 in:0.026 the:0.023 :0.482 +the:0.152 of:0.029 a:0.024 in:0.021 and:0.018 :0.429 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 the:0.02 of:0.013 in:0.011 from:0.009 :0.584 +of:0.044 and:0.033 to:0.026 in:0.02 with:0.018 :0.843 +the:0.052 30:0.024 of:0.023 west:0.018 and:0.014 :0.654 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +the:0.009 and:0.008 to:0.008 as:0.007 a:0.006 :0.934 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.069 of:0.043 to:0.036 for:0.028 in:0.026 :0.658 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.123 of:0.112 in:0.034 and:0.033 the:0.023 :0.385 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.08 to:0.027 a:0.025 and:0.012 in:0.011 :0.419 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.073 of:0.058 to:0.026 the:0.025 that:0.02 :0.441 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +and:0.022 of:0.021 The:0.021 are:0.014 :0.012 :0.605 +to:0.104 the:0.036 and:0.034 of:0.032 that:0.024 :0.442 +of:0.106 to:0.062 and:0.062 in:0.045 by:0.033 :0.373 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.043 to:0.027 and:0.022 the:0.015 in:0.014 :0.746 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +east:0.002 one:0.002 force:0.001 :0.001 DAILY:0.001 :0.99 +of:0.026 the:0.017 and:0.012 in:0.009 it:0.008 :0.496 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.071 to:0.045 a:0.04 of:0.031 and:0.025 :0.577 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.197 and:0.052 in:0.039 to:0.025 the:0.019 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.1 time:0.045 and:0.03 to:0.014 in:0.01 :0.544 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.035 of:0.035 and:0.024 in:0.021 is:0.021 :0.769 +the:0.04 a:0.014 in:0.012 to:0.011 and:0.011 :0.349 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.096 to:0.06 a:0.042 of:0.041 and:0.028 :0.536 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.082 a:0.014 and:0.014 have:0.013 are:0.013 :0.511 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +to:0.257 of:0.213 and:0.06 the:0.047 in:0.038 :0.258 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.023 of:0.019 the:0.011 or:0.007 :0.005 :0.657 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.086 to:0.044 the:0.034 and:0.033 that:0.015 :0.427 +of:0.403 and:0.068 to:0.033 that:0.027 in:0.023 :0.301 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.073 and:0.068 in:0.046 of:0.031 that:0.03 :0.564 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +to:0.07 the:0.065 that:0.043 is:0.041 it:0.038 :0.566 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.134 to:0.106 in:0.071 of:0.066 for:0.034 :0.459 +the:0.061 to:0.027 a:0.022 of:0.022 and:0.019 :0.517 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.045 the:0.045 and:0.032 to:0.032 a:0.026 :0.372 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +of:0.309 to:0.053 and:0.051 in:0.038 the:0.03 :0.281 +to:0.052 of:0.04 the:0.038 and:0.029 are:0.023 :0.505 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.062 to:0.045 The:0.024 :0.022 in:0.019 :0.647 +and:0.099 of:0.092 to:0.076 in:0.06 by:0.035 :0.402 +side:0.135 of:0.072 to:0.046 and:0.032 the:0.013 :0.526 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.006 and:0.005 he:0.002 but:0.002 they:0.002 :0.974 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.202 for:0.066 and:0.06 of:0.058 in:0.057 :0.484 +to:0.027 in:0.017 of:0.017 and:0.016 the:0.013 :0.595 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.08 to:0.048 of:0.041 a:0.021 that:0.016 :0.462 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.103 to:0.058 the:0.058 and:0.033 in:0.02 :0.486 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.08 the:0.062 to:0.039 that:0.038 in:0.026 :0.547 +the:0.031 a:0.024 said:0.016 been:0.016 to:0.015 :0.68 +of:0.091 and:0.086 to:0.043 as:0.034 in:0.032 :0.415 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.032 a:0.021 not:0.02 and:0.019 in:0.017 :0.649 +of:0.083 to:0.061 and:0.053 or:0.027 in:0.021 :0.492 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +to:0.069 of:0.068 and:0.046 the:0.03 in:0.016 :0.468 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.024 and:0.015 the:0.01 in:0.008 as:0.005 :0.587 +the:0.072 and:0.042 that:0.023 a:0.021 to:0.017 :0.357 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +the:0.086 that:0.039 and:0.033 to:0.021 with:0.011 :0.64 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +to:0.035 of:0.026 and:0.02 in:0.015 at:0.006 :0.65 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +to:0.034 the:0.029 in:0.024 and:0.021 is:0.015 :0.315 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.397 to:0.054 and:0.054 in:0.025 from:0.024 :0.39 +the:0.034 a:0.022 in:0.019 of:0.014 and:0.013 :0.533 +to:0.044 and:0.022 of:0.019 as:0.015 by:0.011 :0.802 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +the:0.124 of:0.096 and:0.047 to:0.031 a:0.029 :0.361 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.04 and:0.032 to:0.025 of:0.025 the:0.015 :0.569 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.019 the:0.016 of:0.01 a:0.007 as:0.005 :0.363 +of:0.108 and:0.053 to:0.023 in:0.016 that:0.013 :0.663 +to:0.207 of:0.086 and:0.048 in:0.034 from:0.022 :0.326 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.109 of:0.078 to:0.06 that:0.018 is:0.017 :0.33 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 the:0.036 and:0.029 in:0.024 a:0.018 :0.553 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.071 to:0.07 and:0.04 the:0.035 for:0.035 :0.647 +to:0.056 it:0.055 of:0.035 for:0.032 he:0.024 :0.797 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +of:0.564 to:0.056 and:0.053 in:0.018 from:0.015 :0.227 +of:0.087 to:0.071 and:0.047 the:0.039 that:0.031 :0.467 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +of:0.126 and:0.036 the:0.03 to:0.025 in:0.021 :0.603 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +the:0.066 to:0.044 that:0.037 and:0.033 of:0.027 :0.581 +of:0.117 and:0.063 or:0.027 in:0.024 to:0.024 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +of:0.172 to:0.073 and:0.05 in:0.047 for:0.028 :0.324 +the:0.097 to:0.052 that:0.045 a:0.043 in:0.018 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.041 that:0.034 of:0.028 to:0.028 the:0.016 :0.695 +The:0.034 to:0.016 and:0.015 that:0.012 of:0.012 :0.84 +to:0.072 of:0.043 up:0.037 and:0.033 out:0.03 :0.638 +of:0.184 and:0.026 was:0.016 than:0.01 the:0.01 :0.38 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.276 to:0.062 and:0.04 the:0.026 in:0.024 :0.437 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.017 of:0.014 the:0.011 in:0.009 a:0.006 :0.444 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.142 to:0.024 in:0.022 and:0.019 were:0.015 :0.735 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.08 in:0.043 is:0.043 and:0.035 to:0.035 :0.464 +of:0.205 and:0.157 to:0.035 or:0.024 in:0.022 :0.448 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.021 was:0.011 of:0.009 is:0.008 have:0.008 :0.7 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.073 and:0.068 in:0.046 of:0.031 that:0.03 :0.564 +of:0.115 and:0.092 to:0.087 in:0.062 from:0.044 :0.527 +to:0.109 of:0.046 and:0.039 in:0.032 the:0.021 :0.642 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.073 in:0.024 and:0.023 the:0.023 with:0.021 :0.396 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.08 and:0.045 to:0.035 will:0.031 are:0.029 :0.586 +of:0.065 and:0.032 to:0.017 the:0.015 as:0.014 :0.779 +and:0.002 EVENING:0.002 :0.002 other:0.002 JOURNAL:0.002 :0.985 +and:0.026 was:0.012 is:0.01 of:0.009 .:0.008 :0.532 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.034 and:0.019 to:0.017 the:0.017 a:0.015 :0.672 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +.:0.045 a:0.044 and:0.042 of:0.027 the:0.023 :0.599 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.129 and:0.11 to:0.048 in:0.029 the:0.024 :0.458 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.056 of:0.052 and:0.035 in:0.015 the:0.014 :0.574 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +to:0.084 of:0.079 and:0.078 the:0.073 that:0.051 :0.492 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +the:0.057 and:0.022 to:0.02 a:0.02 them:0.011 :0.563 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +as:0.003 KANSAS:0.002 and:0.002 is:0.002 to:0.001 :0.989 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.464 and:0.078 in:0.038 with:0.019 to:0.018 :0.289 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +to:0.066 marked:0.046 in:0.024 of:0.024 that:0.022 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +of:0.096 and:0.043 in:0.014 be:0.012 or:0.01 :0.455 +to:0.058 of:0.04 in:0.031 and:0.027 at:0.012 :0.699 +of:0.047 the:0.036 and:0.027 that:0.026 to:0.017 :0.63 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.068 to:0.065 and:0.044 in:0.042 the:0.032 :0.51 +to:0.064 of:0.053 in:0.043 and:0.036 that:0.027 :0.462 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.33 a:0.022 them:0.02 his:0.018 this:0.017 :0.449 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.441 the:0.021 to:0.018 in:0.015 a:0.014 :0.359 +to:0.108 the:0.062 and:0.025 of:0.025 a:0.022 :0.36 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.108 have:0.021 the:0.019 and:0.018 was:0.015 :0.346 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +of:0.058 and:0.041 to:0.025 for:0.023 in:0.02 :0.611 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.117 to:0.097 and:0.056 is:0.045 the:0.04 :0.473 +of:0.073 to:0.073 and:0.059 the:0.046 in:0.038 :0.503 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +to:0.139 of:0.061 and:0.043 the:0.026 for:0.026 :0.621 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.077 is:0.042 has:0.026 was:0.026 in:0.025 :0.629 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.036 and:0.027 by:0.021 as:0.02 in:0.019 :0.67 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.273 the:0.06 in:0.047 and:0.044 to:0.043 :0.42 +and:0.011 the:0.008 man:0.007 to:0.007 of:0.006 :0.624 +of:0.21 and:0.085 in:0.03 to:0.025 for:0.018 :0.468 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.049 the:0.047 in:0.031 and:0.025 a:0.019 :0.441 +of:0.118 to:0.043 by:0.04 and:0.039 in:0.034 :0.517 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 and:0.02 to:0.019 a:0.011 in:0.011 :0.414 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +a:0.036 the:0.035 and:0.022 in:0.018 to:0.013 :0.625 +of:0.192 to:0.064 and:0.031 in:0.025 that:0.022 :0.328 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.088 of:0.035 and:0.032 to:0.03 was:0.018 :0.462 +to:0.052 of:0.04 the:0.038 and:0.029 are:0.023 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.023 :0.011 the:0.008 and:0.007 of:0.006 :0.625 +of:0.209 to:0.203 and:0.054 in:0.039 for:0.034 :0.356 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +in:0.033 and:0.026 to:0.024 for:0.014 as:0.013 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.035 and:0.034 of:0.032 at:0.012 the:0.012 :0.353 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.078 and:0.04 of:0.027 to:0.013 which:0.012 :0.498 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +of:0.355 to:0.092 and:0.049 in:0.032 for:0.029 :0.343 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.158 and:0.059 in:0.04 to:0.022 for:0.021 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.091 and:0.086 to:0.043 as:0.034 in:0.032 :0.415 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.093 to:0.083 in:0.036 the:0.021 for:0.021 :0.579 +of:0.092 and:0.035 who:0.017 to:0.015 in:0.013 :0.81 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +of:0.075 and:0.072 to:0.037 the:0.034 in:0.027 :0.63 +the:0.145 a:0.049 to:0.018 in:0.015 and:0.014 :0.475 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +JOURNAL:0.005 years:0.001 months:0.001 weeks,:0.001 hereby:0.001 :0.989 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.026 the:0.008 that:0.006 and:0.005 with:0.004 :0.929 +of:0.154 to:0.119 and:0.045 in:0.039 for:0.035 :0.478 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.199 to:0.085 and:0.064 the:0.034 for:0.026 :0.43 +of:0.118 and:0.045 in:0.022 to:0.021 that:0.015 :0.452 +the:0.024 .:0.019 of:0.017 a:0.011 and:0.01 :0.819 +of:0.117 and:0.063 or:0.027 in:0.024 to:0.024 :0.553 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.032 and:0.03 of:0.021 to:0.009 The:0.009 :0.788 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.094 that:0.034 a:0.032 of:0.017 and:0.015 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +days:0.072 weeks:0.04 years:0.038 months:0.017 days,:0.015 :0.519 +and:0.029 to:0.022 in:0.016 of:0.016 as:0.015 :0.357 +the:0.162 a:0.083 to:0.019 his:0.016 an:0.012 :0.401 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.104 and:0.078 that:0.026 to:0.023 in:0.022 :0.3 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.016 of:0.016 to:0.013 and:0.011 :0.747 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.116 and:0.049 to:0.042 that:0.037 the:0.034 :0.481 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.078 to:0.038 a:0.033 and:0.015 of:0.014 :0.631 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.075 of:0.068 a:0.029 and:0.028 in:0.016 :0.591 +from:0.003 home:0.002 to:0.002 September:0.001 hand:0.001 :0.991 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +and:0.05 that:0.046 of:0.037 in:0.026 the:0.025 :0.666 +the:0.034 and:0.03 to:0.026 that:0.021 of:0.017 :0.783 +the:0.078 and:0.04 of:0.027 to:0.013 which:0.012 :0.498 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.053 in:0.049 to:0.043 of:0.042 by:0.024 :0.72 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.135 to:0.114 and:0.048 in:0.034 a:0.02 :0.43 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.27 to:0.095 and:0.074 or:0.031 that:0.026 :0.388 +of:0.095 to:0.079 and:0.043 in:0.036 the:0.031 :0.501 +of:0.161 to:0.044 and:0.04 in:0.026 the:0.026 :0.47 +the:0.008 and:0.007 man:0.004 he:0.003 land:0.003 :0.825 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +days:0.072 weeks:0.04 years:0.038 months:0.017 days,:0.015 :0.519 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.063 the:0.047 and:0.041 in:0.032 to:0.028 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.396 and:0.022 the:0.02 to:0.019 in:0.015 :0.382 +have:0.003 fear:0.001 do:0.001 have\nbeen:0.001 find:0.001 :0.992 +of:0.33 to:0.098 in:0.032 and:0.031 for:0.02 :0.338 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.1 and:0.054 to:0.037 for:0.035 in:0.033 :0.542 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +of:0.126 the:0.054 and:0.025 in:0.025 a:0.016 :0.364 +the:0.098 of:0.079 to:0.033 a:0.029 and:0.028 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +enacted,:0.027 the:0.027 of:0.015 that:0.014 and:0.013 :0.621 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +of:0.073 have:0.03 in:0.027 and:0.022 to:0.015 :0.597 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +of:0.064 to:0.055 in:0.04 and:0.032 the:0.021 :0.593 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +to:0.239 in:0.052 of:0.049 and:0.035 that:0.023 :0.382 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +title,:0.002 not:0.001 did:0.001 Shore:0.001 regards:0.001 :0.994 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.012 to:0.01 The:0.008 that:0.008 COUNTY:0.006 :0.952 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +to:0.056 and:0.045 of:0.042 in:0.02 as:0.012 :0.534 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.069 and:0.048 of:0.042 the:0.031 in:0.027 :0.672 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.122 and:0.036 in:0.034 to:0.019 for:0.012 :0.466 +the:0.048 and:0.023 :0.019 The:0.017 a:0.015 :0.598 +day:0.001 time:0.001 They:0.001 The:0.001 He:0.001 :0.994 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +of:0.083 to:0.079 and:0.074 in:0.03 the:0.02 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +.:0.018 and:0.008 have:0.007 the:0.004 :0.004 :0.751 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +the:0.139 a:0.114 of:0.061 to:0.056 in:0.019 :0.475 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.079 and:0.039 as:0.028 to:0.025 a:0.02 :0.338 +to:0.051 of:0.03 per:0.025 and:0.022 in:0.013 :0.638 +is:0.055 was:0.029 will:0.011 has:0.01 have:0.009 :0.828 +and:0.032 of:0.027 to:0.027 the:0.02 had:0.009 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.038 of:0.035 in:0.014 by:0.012 and:0.012 :0.872 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.003 up:0.002 to:0.002 AND:0.002 in:0.001 :0.988 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +with:0.17 of:0.051 to:0.048 and:0.036 in:0.031 :0.449 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.08 to:0.055 and:0.038 the:0.035 in:0.034 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.062 of:0.04 a:0.035 and:0.027 to:0.027 :0.394 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.006 and:0.006 on:0.005 in:0.003 that:0.003 :0.955 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.084 and:0.061 in:0.029 with:0.029 the:0.024 :0.646 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.084 of:0.032 as:0.023 in:0.022 for:0.021 :0.502 +and:0.083 to:0.062 the:0.055 of:0.045 in:0.029 :0.445 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.081 to:0.075 and:0.056 in:0.044 for:0.02 :0.43 +and:0.052 of:0.029 the:0.028 to:0.027 are:0.025 :0.425 +the:0.035 and:0.015 as:0.015 to:0.012 that:0.012 :0.785 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +the:0.179 to:0.062 a:0.051 in:0.032 of:0.032 :0.483 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.04 in:0.036 to:0.036 of:0.03 have:0.024 :0.653 +to:0.042 the:0.04 and:0.026 of:0.016 :0.012 :0.569 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.415 and:0.039 to:0.036 for:0.019 in:0.018 :0.393 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +the:0.045 to:0.025 and:0.012 that:0.011 in:0.01 :0.753 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.05 of:0.043 and:0.037 a:0.031 to:0.025 :0.286 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.207 the:0.043 and:0.041 in:0.04 to:0.031 :0.335 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +of:0.071 to:0.063 and:0.04 in:0.033 is:0.029 :0.418 +and:0.036 to:0.029 that:0.028 of:0.027 :0.017 :0.743 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +of:0.102 and:0.06 in:0.03 days:0.024 as:0.024 :0.57 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +to:0.063 and:0.047 the:0.043 of:0.034 a:0.03 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.154 and:0.078 to:0.048 as:0.029 in:0.02 :0.463 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.084 of:0.032 as:0.023 in:0.022 for:0.021 :0.502 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.067 of:0.062 the:0.043 to:0.038 and:0.038 :0.617 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.048 dry:0.047 it:0.01 he:0.007 one:0.006 :0.715 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.074 and:0.057 in:0.032 to:0.022 the:0.016 :0.497 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.1 time:0.045 and:0.03 to:0.014 in:0.01 :0.544 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.087 and:0.038 in:0.03 to:0.021 for:0.019 :0.542 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.092 of:0.043 and:0.04 a:0.03 to:0.028 :0.423 +and:0.056 of:0.052 the:0.043 to:0.034 by:0.02 :0.587 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.013 the:0.008 him:0.006 me:0.005 and:0.005 :0.948 +of:0.043 and:0.04 in:0.028 for:0.023 not:0.017 :0.82 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.128 and:0.067 to:0.059 or:0.024 that:0.022 :0.485 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.086 that:0.039 and:0.033 to:0.021 with:0.011 :0.64 +of:0.067 the:0.043 to:0.026 and:0.022 in:0.019 :0.525 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +of:0.113 to:0.064 and:0.027 in:0.023 that:0.02 :0.597 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +of:0.133 to:0.072 the:0.044 and:0.024 in:0.01 :0.423 +of:0.121 and:0.051 to:0.031 that:0.029 in:0.022 :0.299 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.156 and:0.066 in:0.039 as:0.014 .:0.01 :0.303 +the:0.057 and:0.022 to:0.02 a:0.02 them:0.011 :0.563 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +to:0.132 of:0.062 and:0.05 is:0.045 that:0.036 :0.535 +the:0.087 him:0.063 me:0.06 of:0.038 and:0.037 :0.477 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.048 a:0.042 to:0.021 and:0.015 in:0.013 :0.698 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +than:0.621 the:0.025 of:0.006 and:0.005 a:0.004 :0.214 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +to:0.245 and:0.038 of:0.038 as:0.034 that:0.028 :0.36 +the:0.031 to:0.019 a:0.017 and:0.015 in:0.01 :0.424 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +to:0.116 of:0.065 the:0.057 and:0.051 that:0.042 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +DAILY:0.009 EVENING:0.001 head:0.0 p.:0.0 a.:0.0 :0.989 +of:0.093 to:0.088 in:0.063 and:0.058 for:0.035 :0.502 +to:0.074 and:0.03 is:0.028 has:0.019 was:0.018 :0.524 +to:0.207 of:0.185 for:0.126 and:0.068 in:0.041 :0.357 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.034 the:0.032 with:0.024 to:0.021 of:0.021 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.051 to:0.033 in:0.027 the:0.024 with:0.023 :0.816 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +of:0.081 the:0.04 is:0.034 and:0.03 to:0.029 :0.558 +of:0.074 and:0.028 the:0.015 a:0.014 in:0.014 :0.413 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.239 in:0.052 of:0.049 and:0.035 that:0.023 :0.382 +and:0.028 of:0.014 is:0.013 was:0.013 The:0.012 :0.624 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.073 to:0.066 and:0.051 in:0.038 is:0.02 :0.489 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.043 and:0.01 to:0.007 of:0.006 in:0.004 :0.318 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.114 a:0.052 to:0.027 and:0.018 of:0.017 :0.449 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.021 and:0.016 to:0.008 in:0.007 the:0.007 :0.529 +to:0.107 and:0.047 in:0.038 for:0.027 of:0.025 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 and:0.058 that:0.041 the:0.033 to:0.033 :0.461 +instance,:0.002 :0.002 example,:0.001 YORK:0.001 me\nto:0.001 :0.994 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.092 and:0.033 the:0.028 that:0.025 in:0.012 :0.535 +of:0.333 and:0.033 in:0.022 is:0.021 to:0.015 :0.34 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.11 to:0.094 a:0.064 upon:0.05 of:0.04 :0.415 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +ago.:0.001 of\nthe:0.001 to\nprevent:0.001 ago,:0.001 WEST:0.001 :0.997 +the:0.117 to:0.041 a:0.036 and:0.026 in:0.02 :0.316 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.037 and:0.022 of:0.018 as:0.013 that:0.012 :0.429 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.093 and:0.066 the:0.04 in:0.028 by:0.023 :0.555 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.088 to:0.035 in:0.028 and:0.027 from:0.01 :0.682 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.079 of:0.074 that:0.033 and:0.028 a:0.027 :0.655 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.058 a:0.017 of:0.014 and:0.013 .:0.012 :0.758 +of:0.051 and:0.051 in:0.026 or:0.026 to:0.025 :0.459 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.159 in:0.049 and:0.047 to:0.031 that:0.019 :0.33 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.131 and:0.041 or:0.031 is:0.03 was:0.022 :0.635 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.166 to:0.075 in:0.065 and:0.062 for:0.036 :0.358 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.102 that:0.064 and:0.04 he:0.03 it:0.029 :0.515 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.151 the:0.076 to:0.061 and:0.039 for:0.037 :0.577 +of:0.201 to:0.088 and:0.069 in:0.045 that:0.027 :0.448 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.046 of:0.029 or:0.022 the:0.017 in:0.011 :0.729 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 of:0.025 a:0.021 to:0.018 in:0.014 :0.317 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +than:0.002 exports:0.001 to:0.001 particularly:0.001 :0.001 :0.995 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +of:0.082 and:0.075 to:0.043 the:0.042 in:0.028 :0.389 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +of:0.044 the:0.032 and:0.028 that:0.013 to:0.009 :0.618 +and:0.029 of:0.023 to:0.021 that:0.017 up:0.016 :0.785 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.026 to:0.02 and:0.015 in:0.014 :0.012 :0.78 +years:0.018 to:0.018 in:0.017 and:0.015 that:0.012 :0.606 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.018 is:0.011 was:0.005 to:0.004 are:0.004 :0.951 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.125 a:0.068 the:0.064 and:0.031 to:0.029 :0.461 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.266 to:0.117 door:0.067 and:0.061 in:0.02 :0.331 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.109 the:0.071 of:0.062 that:0.05 in:0.044 :0.403 +to:0.076 and:0.056 of:0.04 in:0.024 for:0.017 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +in:0.045 to:0.043 and:0.024 of:0.023 a:0.018 :0.401 +of:0.127 and:0.085 to:0.075 the:0.042 for:0.027 :0.422 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.004 and:0.003 is:0.003 was:0.003 to:0.003 :0.982 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.118 of:0.091 the:0.041 and:0.032 a:0.023 :0.493 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.132 of:0.12 in:0.078 and:0.076 with:0.043 :0.415 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.257 of:0.213 and:0.06 the:0.047 in:0.038 :0.258 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.029 to:0.026 in:0.02 and:0.019 for:0.013 :0.477 +of:0.154 to:0.089 and:0.048 in:0.044 the:0.03 :0.394 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.23 in:0.05 to:0.035 and:0.033 the:0.032 :0.437 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.165 the:0.148 to:0.055 a:0.038 and:0.023 :0.381 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.032 of:0.027 to:0.027 the:0.02 had:0.009 :0.441 +of:0.25 and:0.033 to:0.029 in:0.026 the:0.013 :0.293 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.099 and:0.04 to:0.035 of:0.032 in:0.025 :0.388 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.04 a:0.018 that:0.01 and:0.009 it:0.008 :0.63 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.061 and:0.04 to:0.026 in:0.022 for:0.021 :0.532 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.065 a:0.026 and:0.025 to:0.012 in:0.012 :0.645 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.166 and:0.06 the:0.052 to:0.028 in:0.02 :0.298 +of:0.055 to:0.027 and:0.025 in:0.02 at:0.013 :0.514 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.193 to:0.066 and:0.043 in:0.041 by:0.036 :0.434 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.079 of:0.049 in:0.023 the:0.021 for:0.018 :0.471 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.11 a:0.029 to:0.015 and:0.014 of:0.014 :0.574 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.173 to:0.055 and:0.044 that:0.031 the:0.029 :0.429 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +The:0.026 in:0.019 and:0.018 on:0.014 be:0.01 :0.614 +of:0.005 COUNTY:0.002 of\nthe:0.001 and:0.001 m.,:0.001 :0.99 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +other:0.002 corner:0.002 thence:0.002 along:0.002 the:0.002 :0.989 +of:0.083 and:0.05 that:0.035 to:0.028 is:0.027 :0.551 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +the:0.017 in:0.015 and:0.014 that:0.014 to:0.009 :0.54 +of:0.179 to:0.062 and:0.035 is:0.029 in:0.028 :0.604 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.091 and:0.06 to:0.043 the:0.033 in:0.029 :0.676 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.056 was:0.036 and:0.03 the:0.021 is:0.021 :0.618 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.046 the:0.03 and:0.02 to:0.018 a:0.016 :0.647 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +of:0.213 to:0.195 in:0.056 for:0.052 and:0.045 :0.264 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +and:0.029 of:0.023 .:0.007 The:0.006 :0.006 :0.498 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +the:0.077 and:0.019 to:0.018 a:0.017 for:0.014 :0.524 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.07 the:0.066 of:0.024 to:0.021 and:0.019 :0.529 +of:0.299 and:0.046 in:0.034 to:0.03 with:0.02 :0.432 +to:0.068 that:0.03 in:0.025 of:0.024 and:0.017 :0.649 +the:0.41 a:0.057 his:0.022 all:0.015 tho:0.015 :0.249 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.13 and:0.077 to:0.068 in:0.027 the:0.016 :0.399 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.078 of:0.064 and:0.05 in:0.036 as:0.033 :0.628 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.041 and:0.031 in:0.012 is:0.01 by:0.009 :0.736 +of:0.2 the:0.027 to:0.025 and:0.024 a:0.013 :0.359 +of:0.085 and:0.066 to:0.042 in:0.016 that:0.014 :0.571 +the:0.051 of:0.045 a:0.023 that:0.016 and:0.015 :0.537 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.199 to:0.085 and:0.064 the:0.034 for:0.026 :0.43 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.134 that:0.051 for:0.049 and:0.049 to:0.032 :0.586 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.089 and:0.055 to:0.042 in:0.037 the:0.033 :0.512 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +of:0.147 to:0.08 and:0.062 in:0.043 that:0.038 :0.414 +to:0.12 of:0.095 in:0.052 for:0.025 not:0.025 :0.454 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +from:0.079 to:0.058 of:0.058 in:0.054 the:0.053 :0.475 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +of:0.203 and:0.043 to:0.019 had:0.018 in:0.015 :0.347 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +of:0.039 in:0.017 and:0.016 the:0.016 be:0.01 :0.611 +of:0.045 the:0.045 and:0.032 to:0.032 a:0.026 :0.372 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.188 of:0.045 that:0.036 a:0.028 and:0.028 :0.478 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.03 to:0.025 the:0.024 and:0.02 property:0.019 :0.459 +that:0.014 and:0.013 of:0.011 the:0.01 to:0.009 :0.572 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +of:0.29 and:0.063 to:0.051 in:0.042 for:0.015 :0.353 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.059 to:0.056 and:0.03 in:0.025 the:0.02 :0.245 +to:0.219 of:0.111 and:0.06 in:0.038 the:0.035 :0.342 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.238 of:0.103 in:0.057 for:0.046 and:0.036 :0.392 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.114 a:0.052 to:0.027 and:0.018 of:0.017 :0.449 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.169 and:0.045 in:0.034 to:0.018 for:0.015 :0.414 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +the:0.165 and:0.016 a:0.015 his:0.014 of:0.012 :0.554 +of:0.077 and:0.038 in:0.03 to:0.021 with:0.018 :0.402 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.207 and:0.04 the:0.038 in:0.032 to:0.027 :0.481 +the:0.102 and:0.039 of:0.033 to:0.021 that:0.018 :0.432 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +:0.003 and:0.003 as:0.002 with:0.002 other:0.002 :0.972 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +.:0.064 the:0.021 and:0.009 The:0.008 a:0.007 :0.31 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.027 the:0.024 was:0.019 as:0.016 will:0.013 :0.843 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.095 to:0.061 and:0.052 in:0.042 for:0.024 :0.371 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +to:0.073 and:0.051 of:0.037 in:0.034 that:0.026 :0.43 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.266 to:0.083 in:0.066 and:0.052 for:0.033 :0.378 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +feet:0.003 days:0.003 per:0.003 time:0.002 that:0.002 :0.983 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.021 to:0.02 in:0.017 of:0.016 is:0.016 :0.747 +and:0.071 of:0.053 in:0.024 to:0.017 for:0.008 :0.355 +and:0.035 the:0.027 to:0.021 in:0.016 of:0.016 :0.626 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.167 and:0.045 in:0.041 the:0.023 to:0.019 :0.382 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.294 and:0.06 to:0.025 that:0.02 are:0.02 :0.413 +of:0.143 to:0.063 the:0.052 and:0.037 is:0.028 :0.458 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.128 to:0.08 and:0.067 in:0.026 that:0.021 :0.445 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.127 of:0.055 and:0.033 in:0.032 into:0.03 :0.572 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.136 and:0.086 the:0.067 in:0.03 to:0.028 :0.407 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +to:0.057 the:0.041 and:0.04 of:0.033 by:0.032 :0.568 +of:0.064 and:0.058 that:0.041 the:0.033 to:0.033 :0.461 +of:0.464 and:0.078 in:0.038 with:0.019 to:0.018 :0.289 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +and:0.099 of:0.092 to:0.076 in:0.06 by:0.035 :0.402 +to:0.151 that:0.083 the:0.048 in:0.039 of:0.027 :0.51 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.128 the:0.034 to:0.026 and:0.02 is:0.02 :0.609 +of:0.23 in:0.05 to:0.035 and:0.033 the:0.032 :0.437 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.08 of:0.046 and:0.043 in:0.034 the:0.032 :0.68 +of:0.151 the:0.059 to:0.038 and:0.014 that:0.011 :0.413 +KANSAS:0.001 NORTH:0.001 days:0.001 FREE:0.001 single:0.0 :0.996 +of:0.102 to:0.075 and:0.037 is:0.035 was:0.03 :0.545 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.057 and:0.019 to:0.018 the:0.018 a:0.014 :0.661 +.:0.02 the:0.017 and:0.01 that:0.006 a:0.005 :0.344 +been:0.139 the:0.059 a:0.041 to:0.021 that:0.011 :0.539 +and:0.041 o'clock:0.034 to:0.033 the:0.025 of:0.018 :0.592 +and:0.013 been:0.011 of:0.011 for:0.008 The:0.007 :0.934 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.281 the:0.056 and:0.035 to:0.025 in:0.019 :0.377 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.045 and:0.037 in:0.032 to:0.022 at:0.019 :0.571 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.132 and:0.029 in:0.018 to:0.016 that:0.012 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.071 the:0.057 of:0.037 in:0.032 and:0.029 :0.457 +the:0.025 of:0.021 in:0.018 and:0.018 to:0.016 :0.861 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +of:0.138 in:0.042 to:0.041 is:0.034 and:0.03 :0.539 +the:0.042 that:0.029 of:0.018 to:0.013 and:0.011 :0.538 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.074 and:0.037 the:0.035 to:0.029 in:0.016 :0.423 +of:0.175 and:0.097 in:0.027 to:0.022 the:0.019 :0.554 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +of:0.125 and:0.047 in:0.036 to:0.035 for:0.022 :0.453 +and:0.122 of:0.12 to:0.029 in:0.026 that:0.016 :0.427 +and:0.076 to:0.059 of:0.038 in:0.021 for:0.017 :0.578 +a:0.028 the:0.024 in:0.013 and:0.01 of:0.006 :0.591 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +.:0.006 of:0.004 than:0.003 who:0.002 and:0.002 :0.98 +of:0.065 a:0.045 and:0.04 the:0.021 in:0.02 :0.356 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.29 to:0.059 and:0.047 in:0.027 is:0.025 :0.434 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.076 the:0.073 and:0.03 a:0.026 that:0.013 :0.353 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +to:0.018 in:0.013 and:0.01 of:0.01 on:0.008 :0.94 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +Provided,:0.001 therein,:0.001 WICHITA:0.001 wife's:0.001 Rico:0.001 :0.997 +of:0.036 to:0.024 and:0.024 in:0.018 is:0.015 :0.768 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +and:0.019 the:0.016 of:0.01 a:0.007 as:0.005 :0.363 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.065 a:0.026 and:0.025 to:0.012 in:0.012 :0.645 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +:0.003 of:0.003 and:0.003 years:0.002 hundred:0.002 :0.978 +to:0.042 the:0.04 and:0.026 of:0.016 :0.012 :0.569 +and:0.042 of:0.026 in:0.024 to:0.023 at:0.013 :0.595 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +of:0.158 and:0.059 in:0.04 to:0.022 for:0.021 :0.442 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.049 .:0.03 and:0.021 a:0.019 of:0.017 :0.524 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +of:0.228 to:0.125 and:0.05 for:0.035 in:0.017 :0.39 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.023 of:0.021 to:0.018 a:0.01 for:0.009 :0.604 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.181 and:0.041 the:0.039 in:0.038 a:0.021 :0.503 +in:0.048 the:0.043 of:0.036 to:0.036 a:0.029 :0.43 +of:0.05 that:0.035 the:0.033 or:0.023 and:0.021 :0.715 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.043 and:0.038 to:0.035 in:0.032 is:0.02 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +of:0.058 to:0.056 the:0.051 and:0.047 in:0.034 :0.583 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.071 to:0.064 in:0.047 and:0.029 for:0.016 :0.595 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.073 to:0.051 and:0.048 who:0.029 in:0.022 :0.55 +and:0.026 to:0.022 a:0.02 of:0.02 the:0.018 :0.369 +the:0.024 a:0.024 :0.015 and:0.012 The:0.009 :0.739 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.017 .:0.013 was:0.007 as:0.006 years:0.006 :0.619 +to:0.116 of:0.065 the:0.057 and:0.051 that:0.042 :0.556 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +of:0.159 and:0.104 to:0.037 in:0.026 or:0.023 :0.568 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.08 and:0.045 of:0.026 in:0.02 the:0.016 :0.55 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.057 and:0.024 to:0.019 with:0.014 in:0.012 :0.864 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +days:0.072 weeks:0.04 years:0.038 months:0.017 days,:0.015 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.111 and:0.047 in:0.029 a:0.015 the:0.013 :0.514 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +of:0.053 and:0.048 in:0.021 to:0.018 the:0.015 :0.545 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +of:0.128 to:0.074 and:0.07 in:0.032 for:0.021 :0.513 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.147 to:0.061 and:0.049 for:0.036 in:0.032 :0.494 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.127 of:0.055 and:0.033 in:0.032 into:0.03 :0.572 +to:0.095 the:0.053 and:0.028 that:0.028 a:0.018 :0.56 +to:0.044 and:0.031 is:0.014 in:0.014 the:0.014 :0.733 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.079 and:0.023 be:0.023 to:0.018 a:0.017 :0.616 +of:0.015 and:0.011 to:0.007 in:0.005 The:0.005 :0.932 +of:0.025 to:0.024 the:0.012 and:0.011 that:0.011 :0.534 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.003 not:0.002 of:0.002 to:0.002 the:0.002 :0.986 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.138 and:0.052 in:0.024 to:0.024 have:0.021 :0.406 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.03 and:0.015 not:0.012 of:0.012 to:0.01 :0.845 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.14 to:0.037 and:0.037 in:0.034 a:0.031 :0.407 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.09 and:0.034 in:0.032 to:0.031 the:0.02 :0.697 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +of:0.064 and:0.058 that:0.041 the:0.033 to:0.033 :0.461 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.119 and:0.034 to:0.03 is:0.027 with:0.023 :0.473 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.27 to:0.095 and:0.074 or:0.031 that:0.026 :0.388 +of:0.363 to:0.063 with:0.035 for:0.028 in:0.026 :0.407 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.022 the:0.016 goods:0.016 of:0.013 for:0.009 :0.765 +of:0.235 and:0.035 to:0.016 that:0.015 in:0.014 :0.493 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.005 how:0.002 and:0.002 that:0.002 as:0.002 :0.984 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.154 to:0.106 and:0.053 that:0.016 the:0.016 :0.387 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +the:0.04 and:0.033 to:0.032 that:0.024 of:0.021 :0.633 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.277 to:0.039 and:0.038 in:0.026 the:0.024 :0.365 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.044 the:0.032 and:0.028 that:0.013 to:0.009 :0.618 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.074 the:0.071 by:0.057 and:0.051 in:0.036 :0.53 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.142 the:0.083 to:0.074 and:0.05 for:0.029 :0.375 +the:0.071 a:0.051 in:0.042 to:0.039 of:0.035 :0.542 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +a:0.023 :0.011 the:0.008 and:0.007 of:0.006 :0.625 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.129 a:0.042 to:0.027 that:0.02 in:0.016 :0.51 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.041 of:0.036 and:0.031 in:0.025 was:0.021 :0.651 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +than:0.054 and:0.033 in:0.026 of:0.021 on:0.01 :0.627 +of:0.192 to:0.064 and:0.031 in:0.025 that:0.022 :0.328 +of:0.138 and:0.074 to:0.059 that:0.03 in:0.026 :0.438 +ago.:0.001 of\nthe:0.001 to\nprevent:0.001 ago,:0.001 WEST:0.001 :0.997 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.087 and:0.038 in:0.03 to:0.021 for:0.019 :0.542 +the:0.097 of:0.088 to:0.061 in:0.044 a:0.034 :0.515 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.058 a:0.016 of:0.016 to:0.013 and:0.011 :0.747 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +DAILY:0.005 not:0.003 and:0.002 to:0.002 m:0.002 :0.983 +the:0.05 to:0.048 of:0.037 and:0.036 in:0.023 :0.514 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +to:0.158 in:0.058 of:0.036 out:0.025 and:0.025 :0.541 +the:0.061 to:0.037 of:0.036 a:0.036 and:0.029 :0.494 +of:0.17 to:0.084 and:0.05 for:0.026 in:0.024 :0.533 +the:0.33 a:0.022 them:0.02 his:0.018 this:0.017 :0.449 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.412 to:0.131 in:0.037 for:0.032 that:0.027 :0.361 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +to:0.019 in:0.014 of:0.01 and:0.01 with:0.01 :0.9 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.063 to:0.019 and:0.018 of:0.017 in:0.014 :0.524 +of:0.066 and:0.034 to:0.02 in:0.015 or:0.011 :0.449 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.063 it:0.029 of:0.024 and:0.015 we:0.013 :0.605 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.171 in:0.089 to:0.055 and:0.046 by:0.044 :0.492 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.029 and:0.023 to:0.016 for:0.012 the:0.012 :0.875 +of:0.263 the:0.039 and:0.036 to:0.029 that:0.024 :0.321 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.161 to:0.123 and:0.046 that:0.026 from:0.026 :0.486 +of:0.127 the:0.04 and:0.037 in:0.027 to:0.021 :0.543 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.33 a:0.022 them:0.02 his:0.018 this:0.017 :0.449 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +AND:0.003 OF:0.001 things,:0.001 Pills:0.001 is\nno:0.001 :0.994 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.043 and:0.027 that:0.024 to:0.013 the:0.013 :0.678 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +to:0.111 and:0.047 in:0.029 a:0.015 the:0.013 :0.514 +the:0.169 a:0.061 to:0.037 in:0.018 his:0.017 :0.511 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.094 and:0.052 to:0.032 in:0.019 the:0.011 :0.434 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +of:0.029 and:0.02 to:0.01 in:0.01 for:0.01 :0.882 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.089 to:0.038 that:0.037 and:0.034 in:0.03 :0.55 +to:0.051 not:0.032 and:0.026 the:0.025 a:0.021 :0.67 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.336 to:0.069 and:0.052 in:0.028 by:0.021 :0.338 +from:0.079 to:0.058 of:0.058 in:0.054 the:0.053 :0.475 +of:0.028 to:0.025 in:0.02 and:0.015 is:0.011 :0.858 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.045 and:0.02 from:0.018 of:0.015 in:0.012 :0.727 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.169 a:0.061 to:0.037 in:0.018 his:0.017 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.116 to:0.044 and:0.042 is:0.035 in:0.033 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.061 and:0.04 to:0.026 in:0.022 for:0.021 :0.532 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +of:0.128 and:0.067 to:0.059 or:0.024 that:0.022 :0.485 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.453 and:0.06 to:0.053 in:0.021 or:0.019 :0.279 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.066 and:0.058 to:0.038 in:0.02 from:0.017 :0.608 +to:0.046 and:0.025 that:0.021 in:0.019 of:0.019 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +of:0.248 the:0.071 to:0.057 a:0.045 as:0.038 :0.403 +of:0.218 to:0.1 and:0.056 in:0.035 for:0.031 :0.411 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +at:0.066 in:0.059 to:0.058 of:0.046 for:0.045 :0.559 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +of:0.183 and:0.095 to:0.063 in:0.05 by:0.029 :0.44 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +of:0.049 the:0.047 in:0.031 and:0.025 a:0.019 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.065 to:0.063 as:0.046 in:0.044 that:0.035 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.071 to:0.064 in:0.047 and:0.029 for:0.016 :0.595 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.095 the:0.079 to:0.034 and:0.031 a:0.031 :0.572 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.037 and:0.035 as:0.032 .:0.021 It:0.017 :0.702 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +of:0.087 and:0.044 the:0.032 for:0.025 to:0.025 :0.71 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.188 to:0.123 and:0.06 from:0.03 for:0.03 :0.453 +the:0.047 to:0.04 a:0.04 that:0.023 and:0.02 :0.519 +of:0.079 and:0.054 to:0.035 as:0.018 is:0.017 :0.712 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.079 the:0.07 and:0.042 that:0.036 a:0.019 :0.429 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +of:0.226 to:0.067 and:0.046 in:0.027 the:0.024 :0.451 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.194 and:0.102 to:0.04 the:0.029 in:0.021 :0.315 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.161 of:0.058 the:0.044 and:0.04 in:0.032 :0.461 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.094 of:0.053 and:0.042 the:0.032 a:0.027 :0.344 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.061 to:0.027 a:0.022 of:0.022 and:0.019 :0.517 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.06 to:0.051 in:0.027 the:0.019 and:0.016 :0.73 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.074 of:0.064 to:0.051 a:0.041 as:0.035 :0.44 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.058 to:0.033 and:0.013 in:0.009 for:0.009 :0.868 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.057 to:0.048 and:0.044 the:0.043 in:0.028 :0.604 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.087 to:0.039 and:0.036 the:0.031 or:0.019 :0.495 +and:0.083 of:0.078 to:0.035 in:0.023 the:0.019 :0.489 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.214 for:0.044 to:0.04 in:0.035 and:0.035 :0.538 +of:0.436 to:0.042 is:0.034 for:0.028 in:0.024 :0.352 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.033 is:0.026 the:0.025 to:0.022 and:0.021 :0.614 +and:0.045 the:0.035 in:0.029 few:0.025 for:0.024 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.071 and:0.026 a:0.018 of:0.017 in:0.008 :0.433 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +to:0.154 of:0.071 and:0.047 in:0.033 the:0.027 :0.406 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +DAILY:0.003 miles:0.002 .:0.002 ::0.002 o'clock:0.001 :0.99 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.249 of:0.085 the:0.069 and:0.043 that:0.043 :0.378 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +and:0.053 in:0.052 the:0.044 of:0.03 a:0.027 :0.685 +of:0.089 and:0.055 to:0.042 in:0.037 the:0.033 :0.512 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +of:0.113 to:0.064 and:0.027 in:0.023 that:0.02 :0.597 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.099 and:0.04 to:0.035 of:0.032 in:0.025 :0.388 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.044 a:0.026 to:0.021 in:0.016 and:0.016 :0.774 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.096 a:0.049 and:0.043 in:0.02 with:0.015 :0.534 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.061 and:0.047 in:0.023 to:0.02 the:0.02 :0.622 +of:0.103 to:0.058 the:0.058 and:0.033 in:0.02 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.059 of:0.047 to:0.037 the:0.03 in:0.021 :0.43 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.172 to:0.073 and:0.05 in:0.047 for:0.028 :0.324 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +and:0.077 of:0.056 to:0.047 the:0.034 that:0.03 :0.649 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.18 and:0.044 in:0.031 to:0.02 for:0.018 :0.593 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.058 of:0.051 the:0.027 in:0.023 for:0.015 :0.555 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.13 to:0.06 and:0.05 in:0.014 that:0.01 :0.444 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.14 to:0.104 the:0.061 and:0.033 in:0.03 :0.402 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.015 with:0.008 to\nthe:0.007 the:0.007 in:0.007 :0.951 +JOURNAL:0.002 The:0.001 :0.001 the:0.001 it:0.001 :0.994 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.011 of:0.009 and:0.006 in:0.006 for:0.004 :0.958 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.045 and:0.026 the:0.013 to:0.013 in:0.012 :0.52 +of:0.04 for:0.029 and:0.024 to:0.017 The:0.016 :0.814 +of:0.479 and:0.043 to:0.034 the:0.019 that:0.016 :0.304 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +of:0.415 and:0.048 to:0.042 in:0.027 for:0.024 :0.307 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +days:0.08 the:0.028 of:0.024 and:0.02 a:0.015 :0.633 +of:0.3 and:0.047 in:0.041 to:0.037 the:0.03 :0.392 +and:0.049 the:0.031 to:0.026 is:0.017 in:0.016 :0.552 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.165 and:0.103 in:0.033 to:0.023 or:0.018 :0.437 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +of:0.12 the:0.064 to:0.055 and:0.03 a:0.025 :0.488 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +to:0.007 and:0.005 you:0.004 it:0.004 corner:0.004 :0.96 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +the:0.024 and:0.017 as:0.014 a:0.01 that:0.009 :0.716 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +of:0.654 to:0.034 and:0.032 in:0.025 for:0.014 :0.205 +of:0.298 to:0.061 and:0.055 that:0.043 in:0.032 :0.355 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.046 in:0.043 of:0.035 and:0.034 the:0.03 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +to:0.093 of:0.053 the:0.047 and:0.036 a:0.023 :0.383 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.02 and:0.019 in:0.011 to:0.01 or:0.007 :0.369 +and:0.056 of:0.038 the:0.02 that:0.017 in:0.014 :0.362 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.069 and:0.028 is:0.025 in:0.023 to:0.021 :0.573 +and:0.052 of:0.05 is:0.044 to:0.031 was:0.03 :0.714 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.046 the:0.043 of:0.023 in:0.015 a:0.015 :0.444 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +of:0.151 in:0.062 to:0.056 and:0.041 for:0.032 :0.487 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +are:0.013 the:0.008 a:0.007 of:0.007 it:0.007 :0.951 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +of:0.434 and:0.038 to:0.02 in:0.019 was:0.012 :0.226 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.087 of:0.07 in:0.059 to:0.055 for:0.039 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.055 in:0.029 to:0.027 the:0.023 of:0.022 :0.572 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +.:0.019 and:0.004 to:0.004 be:0.004 powers:0.003 :0.953 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +to:0.07 of:0.062 in:0.037 and:0.025 as:0.016 :0.618 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.084 to:0.075 and:0.05 the:0.037 in:0.036 :0.514 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +of:0.081 and:0.023 the:0.023 in:0.015 will:0.014 :0.572 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.079 and:0.046 in:0.031 The:0.031 to:0.027 :0.49 +and:0.023 the:0.021 a:0.016 of:0.014 that:0.012 :0.726 +of:0.03 to:0.025 the:0.024 and:0.02 property:0.019 :0.459 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.324 to:0.069 and:0.047 in:0.039 that:0.021 :0.355 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.21 and:0.078 of:0.066 in:0.02 for:0.016 :0.451 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.039 of:0.019 corner:0.018 quarter:0.016 a:0.016 :0.66 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.203 to:0.199 the:0.065 and:0.048 in:0.044 :0.378 +the:0.119 of:0.096 and:0.055 that:0.02 it:0.019 :0.436 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.032 since:0.03 the:0.023 to:0.023 not:0.014 :0.485 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +KANSAS:0.002 OF:0.001 COMMERCIAL:0.001 CITY:0.001 p.:0.001 :0.994 +of:0.065 a:0.045 and:0.04 the:0.021 in:0.02 :0.356 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.123 that:0.047 and:0.047 to:0.038 as:0.021 :0.489 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.047 of:0.043 and:0.037 the:0.02 for:0.015 :0.642 +to:0.057 of:0.051 in:0.048 from:0.029 by:0.028 :0.544 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.119 the:0.104 and:0.064 to:0.03 that:0.028 :0.395 +of:0.163 to:0.034 that:0.033 the:0.032 .:0.027 :0.457 +to:0.067 in:0.022 and:0.02 for:0.016 a:0.015 :0.701 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.048 a:0.042 to:0.021 and:0.015 in:0.013 :0.698 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.398 to:0.053 and:0.047 in:0.029 for:0.021 :0.334 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +the:0.097 and:0.018 a:0.011 his:0.008 of:0.007 :0.491 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.079 in:0.038 and:0.03 to:0.025 with:0.018 :0.524 +the:0.05 of:0.028 a:0.019 and:0.016 to:0.014 :0.574 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.062 and:0.049 of:0.032 a:0.026 in:0.02 :0.64 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.079 and:0.046 in:0.031 The:0.031 to:0.027 :0.49 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.082 and:0.075 to:0.043 the:0.042 in:0.028 :0.389 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.075 of:0.035 that:0.034 the:0.033 to:0.022 :0.401 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.095 the:0.053 that:0.053 to:0.046 and:0.032 :0.418 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +a:0.041 the:0.039 to:0.03 and:0.021 of:0.019 :0.554 +of:0.075 to:0.049 and:0.034 as:0.034 at:0.02 :0.716 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.048 of:0.035 and:0.033 to:0.013 in:0.009 :0.534 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +the:0.043 a:0.037 to:0.025 and:0.018 in:0.016 :0.546 +to:0.061 in:0.039 and:0.031 as:0.018 for:0.013 :0.563 +of:0.291 to:0.076 and:0.06 in:0.028 for:0.023 :0.387 +of:0.248 to:0.069 and:0.052 in:0.033 for:0.029 :0.415 +of:0.299 and:0.089 to:0.078 the:0.032 for:0.029 :0.299 +of:0.075 and:0.05 the:0.044 in:0.032 for:0.026 :0.529 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.129 and:0.031 to:0.019 the:0.016 a:0.013 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.134 and:0.027 was:0.021 is:0.02 .:0.017 :0.483 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.072 of:0.066 to:0.064 the:0.061 that:0.042 :0.472 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +of:0.052 to:0.042 and:0.038 in:0.037 the:0.027 :0.509 +to:0.03 and:0.02 in:0.01 of:0.01 as:0.009 :0.468 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +to:0.153 of:0.146 and:0.108 in:0.066 for:0.039 :0.432 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.214 and:0.105 to:0.052 on:0.02 in:0.02 :0.426 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.193 a:0.029 it:0.027 any:0.008 an:0.007 :0.296 +and:0.013 as:0.013 of:0.012 the:0.009 to:0.009 :0.275 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +to:0.209 of:0.126 and:0.047 that:0.045 for:0.035 :0.421 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +a:0.036 the:0.035 and:0.022 in:0.018 to:0.013 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +to:0.154 of:0.071 and:0.047 in:0.033 the:0.027 :0.406 +of:0.049 the:0.032 and:0.029 that:0.023 to:0.021 :0.585 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +the:0.053 that:0.027 a:0.023 to:0.012 in:0.012 :0.772 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +to:0.031 The:0.029 and:0.027 the:0.027 of:0.026 :0.511 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.135 to:0.114 and:0.048 in:0.034 a:0.02 :0.43 +of:0.238 to:0.102 and:0.072 that:0.044 in:0.031 :0.4 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +of:0.02 and:0.009 but:0.005 to:0.005 at:0.005 :0.928 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +the:0.009 a:0.005 and:0.004 made:0.004 which:0.002 :0.938 +of:0.089 in:0.051 to:0.048 and:0.028 the:0.026 :0.586 +of:0.079 in:0.038 and:0.03 to:0.025 with:0.018 :0.524 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.108 of:0.076 as:0.038 in:0.038 and:0.03 :0.47 +and:0.06 the:0.046 to:0.032 of:0.031 in:0.016 :0.453 +and:0.017 the:0.016 it:0.013 in:0.008 he:0.008 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +is:0.007 in:0.005 to:0.005 as:0.004 are:0.004 :0.975 +the:0.063 to:0.062 of:0.05 and:0.04 that:0.03 :0.483 +of:0.121 to:0.072 the:0.048 in:0.043 and:0.041 :0.555 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.039 of:0.022 a:0.02 and:0.016 to:0.01 :0.54 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.065 the:0.036 and:0.029 that:0.015 or:0.012 :0.515 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +to:0.07 and:0.068 in:0.061 of:0.06 for:0.025 :0.334 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +and:0.082 the:0.059 of:0.048 to:0.037 with:0.023 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.059 of:0.039 to:0.035 the:0.032 for:0.025 :0.597 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.04 of:0.03 to:0.018 the:0.014 in:0.011 :0.648 +of:0.231 and:0.067 to:0.043 in:0.037 that:0.03 :0.381 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.096 and:0.062 to:0.041 the:0.04 in:0.037 :0.517 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.175 and:0.05 to:0.042 in:0.016 for:0.013 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.196 and:0.035 to:0.02 of\nthe:0.015 who:0.013 :0.613 +of:0.052 and:0.03 the:0.021 that:0.018 to:0.016 :0.141 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.139 of:0.061 and:0.043 the:0.026 for:0.026 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +member:0.001 2:0.001 KANSAS:0.001 an:0.001 a:0.001 :0.996 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +to:0.116 of:0.065 the:0.057 and:0.051 that:0.042 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.153 of:0.146 and:0.108 in:0.066 for:0.039 :0.432 +and:0.05 that:0.046 of:0.037 in:0.026 the:0.025 :0.666 +and:0.093 to:0.057 a:0.033 up:0.028 in:0.027 :0.587 +the:0.069 he:0.057 to:0.039 and:0.031 it:0.029 :0.577 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.181 and:0.041 the:0.039 in:0.038 a:0.021 :0.503 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.07 to:0.035 in:0.029 and:0.029 a:0.026 :0.429 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.09 and:0.043 the:0.039 in:0.035 of:0.03 :0.505 +of:0.083 to:0.047 and:0.037 the:0.025 in:0.022 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +enacted,:0.027 the:0.027 of:0.015 that:0.014 and:0.013 :0.621 +of:0.412 to:0.131 in:0.037 for:0.032 that:0.027 :0.361 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.199 and:0.083 to:0.059 contained:0.024 in:0.018 :0.436 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +of:0.143 to:0.107 in:0.051 and:0.038 is:0.027 :0.465 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.33 a:0.022 them:0.02 his:0.018 this:0.017 :0.449 +and:0.051 to:0.026 in:0.025 for:0.02 he:0.019 :0.711 +of:0.065 a:0.045 and:0.04 the:0.021 in:0.02 :0.356 +the:0.089 and:0.033 of:0.029 a:0.014 that:0.014 :0.421 +than:0.011 .:0.007 and:0.005 the:0.003 be:0.003 :0.956 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +to:0.155 and:0.064 in:0.057 of:0.048 by:0.042 :0.501 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 and:0.051 in:0.026 to:0.022 for:0.021 :0.429 +of:0.065 a:0.045 and:0.04 the:0.021 in:0.02 :0.356 +with:0.001 of:0.001 of\nthe:0.001 Sam:0.001 side:0.001 :0.994 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.111 and:0.025 to:0.022 in:0.013 that:0.011 :0.641 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.084 in:0.056 to:0.053 and:0.05 the:0.03 :0.635 +to:0.024 in:0.02 is:0.018 day:0.018 and:0.017 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +to:0.076 and:0.068 of:0.057 the:0.053 that:0.037 :0.515 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +of:0.194 to:0.124 the:0.078 and:0.031 that:0.031 :0.397 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.061 a:0.026 and:0.025 than:0.018 to:0.014 :0.546 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.109 to:0.066 for:0.05 and:0.037 in:0.036 :0.547 +of:0.051 the:0.018 a:0.017 in:0.013 and:0.011 :0.377 +who:0.009 of:0.008 by:0.007 that:0.006 in:0.006 :0.965 +to:0.06 of:0.054 and:0.053 for:0.021 .:0.018 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.122 and:0.071 to:0.036 of:0.028 a:0.025 :0.617 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.072 of:0.066 to:0.064 the:0.061 that:0.042 :0.472 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.107 and:0.047 in:0.038 for:0.027 of:0.025 :0.553 +of:0.038 and:0.034 is:0.019 the:0.018 who:0.015 :0.723 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +of:0.003 and:0.003 :0.002 was:0.002 had:0.002 :0.984 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +been:0.032 since:0.03 the:0.023 to:0.023 not:0.014 :0.485 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.052 and:0.041 in:0.032 to:0.016 is:0.012 :0.577 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 that:0.083 the:0.048 in:0.039 of:0.027 :0.51 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.294 and:0.06 to:0.025 that:0.02 are:0.02 :0.413 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.003 are:0.003 have:0.003 were:0.002 with:0.002 :0.984 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +called:0.002 of:0.002 made:0.002 who:0.002 sure:0.001 :0.988 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +the:0.113 to:0.048 a:0.038 of:0.031 in:0.017 :0.477 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.078 and:0.041 the:0.037 to:0.025 is:0.021 :0.455 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +is:0.004 was:0.003 it:0.003 has:0.003 to:0.002 :0.982 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.035 a:0.023 of:0.015 to:0.009 in:0.007 :0.867 +of:0.333 and:0.061 to:0.058 in:0.029 that:0.015 :0.346 +to:0.142 and:0.072 of:0.049 the:0.029 in:0.026 :0.521 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +of:0.082 the:0.043 and:0.025 that:0.02 is:0.02 :0.564 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.055 in:0.029 to:0.027 the:0.023 of:0.022 :0.572 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +as:0.052 and:0.022 of:0.017 in:0.015 to:0.012 :0.551 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.05 to:0.039 and:0.036 as:0.027 in:0.022 :0.612 +and:0.036 to:0.024 of:0.023 that:0.02 the:0.016 :0.71 +ANGELES:0.003 MORNING:0.001 COUNTY:0.0 define:0.0 C.,:0.0 :0.994 +of:0.104 to:0.052 the:0.037 a:0.034 in:0.028 :0.57 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +to:0.133 of:0.073 that:0.062 and:0.035 for:0.027 :0.454 +was:0.018 is:0.016 not:0.009 and:0.007 of:0.006 :0.849 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +and:0.034 in:0.032 to:0.031 the:0.031 as:0.025 :0.313 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +and:0.011 or:0.009 of:0.008 the:0.007 in:0.007 :0.854 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.021 and:0.02 or:0.016 in:0.011 to:0.008 :0.417 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.043 the:0.019 than:0.012 in:0.012 and:0.012 :0.878 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.102 and:0.048 for:0.016 in:0.015 by:0.013 :0.616 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.178 to:0.053 in:0.033 the:0.032 and:0.016 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.074 a:0.028 that:0.025 of:0.02 and:0.019 :0.526 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +to:0.133 of:0.073 that:0.062 and:0.035 for:0.027 :0.454 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.065 of:0.036 a:0.028 to:0.027 that:0.02 :0.694 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.353 and:0.051 to:0.03 or:0.024 in:0.02 :0.323 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +:0.005 to:0.002 in:0.002 per:0.002 and:0.002 :0.981 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.21 to:0.084 and:0.055 the:0.046 that:0.041 :0.463 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.166 and:0.053 to:0.038 in:0.027 as:0.02 :0.577 +of:0.125 a:0.068 the:0.064 and:0.031 to:0.029 :0.461 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.012 the:0.011 if:0.005 that:0.005 to:0.005 :0.956 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +to:0.053 and:0.028 in:0.02 the:0.019 is:0.014 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.193 and:0.092 to:0.058 at:0.028 in:0.024 :0.299 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.049 of:0.04 and:0.027 to:0.022 is:0.021 :0.682 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +to:0.069 of:0.068 and:0.046 the:0.03 in:0.016 :0.468 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.166 the:0.055 and:0.045 to:0.041 for:0.019 :0.452 +to:0.123 of:0.112 in:0.034 and:0.033 the:0.023 :0.385 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +to:0.076 of:0.059 the:0.05 and:0.025 in:0.024 :0.497 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.039 of:0.022 a:0.02 and:0.016 to:0.01 :0.54 +of:0.071 and:0.06 in:0.049 for:0.036 to:0.033 :0.507 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.038 and:0.022 in:0.021 to:0.015 .:0.01 :0.845 +to:0.045 of:0.035 in:0.033 and:0.032 the:0.023 :0.46 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +the:0.034 of:0.019 and:0.019 to:0.009 was:0.008 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.171 to:0.065 and:0.033 in:0.026 for:0.021 :0.626 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.085 a:0.018 and:0.007 this:0.006 A.:0.005 :0.559 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.074 to:0.052 and:0.025 he:0.024 the:0.016 :0.597 +be:0.025 have:0.007 of:0.007 the:0.007 a:0.004 :0.841 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +of:0.232 and:0.056 in:0.023 to:0.018 for:0.016 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 to:0.038 and:0.037 in:0.028 the:0.025 :0.428 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +one:0.023 a:0.013 the:0.013 and:0.008 of:0.006 :0.901 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.3 and:0.047 in:0.041 to:0.037 the:0.03 :0.392 +of:0.117 to:0.097 and:0.056 is:0.045 the:0.04 :0.473 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.176 and:0.069 the:0.061 to:0.027 in:0.021 :0.453 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.102 to:0.075 and:0.037 is:0.035 was:0.03 :0.545 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +OF:0.005 good:0.002 money:0.002 that:0.002 m:0.002 :0.98 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.116 a:0.101 of:0.091 and:0.048 in:0.028 :0.362 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.046 to:0.043 and:0.037 that:0.027 of:0.027 :0.623 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.06 had:0.037 to:0.026 was:0.024 and:0.019 :0.812 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.033 valorem:0.02 a:0.012 and:0.011 in:0.011 :0.639 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.023 the:0.011 two:0.008 and:0.006 is:0.005 :0.798 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +in:0.005 that:0.005 of:0.005 and:0.004 is:0.004 :0.965 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +COUNTY:0.002 than:0.001 :0.001 York:0.001 and:0.001 :0.992 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +as:0.006 OF:0.005 and:0.005 The:0.005 but:0.004 :0.973 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.05 is:0.03 of:0.026 to:0.024 and:0.02 :0.488 +to:0.014 in:0.009 the:0.006 place:0.006 and:0.006 :0.924 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.059 and:0.052 to:0.04 of:0.037 that:0.024 :0.543 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +House:0.004 to:0.002 part:0.002 the:0.002 people:0.002 :0.982 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.046 and:0.045 in:0.029 to:0.027 not:0.022 :0.513 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.095 to:0.061 and:0.052 in:0.042 for:0.024 :0.371 +and:0.036 to:0.029 that:0.028 of:0.027 :0.017 :0.743 +of:0.07 to:0.04 and:0.031 that:0.017 the:0.016 :0.48 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.434 and:0.038 to:0.02 in:0.019 was:0.012 :0.226 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.191 to:0.155 that:0.05 the:0.038 in:0.035 :0.314 +not:0.007 would:0.002 can:0.002 will:0.002 did:0.002 :0.985 +the:0.07 to:0.035 in:0.029 and:0.029 a:0.026 :0.429 +the:0.111 to:0.027 of:0.023 be:0.02 a:0.02 :0.522 +of:0.075 to:0.028 and:0.022 the:0.019 as:0.016 :0.686 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +of:0.099 the:0.086 a:0.066 to:0.042 and:0.022 :0.349 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.059 the:0.057 to:0.021 in:0.014 an:0.014 :0.594 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.02 a:0.008 and:0.007 not:0.006 only:0.006 :0.849 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.189 to:0.075 the:0.059 in:0.055 and:0.038 :0.354 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.032 the:0.032 of:0.031 to:0.014 a:0.011 :0.393 +the:0.124 to:0.11 of:0.103 and:0.046 a:0.029 :0.31 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.122 to:0.116 the:0.04 and:0.033 that:0.027 :0.396 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +of:0.046 have:0.037 and:0.034 be:0.015 The:0.012 :0.751 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +of:0.142 to:0.061 in:0.038 and:0.033 for:0.022 :0.547 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.076 and:0.06 in:0.034 to:0.026 for:0.02 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.054 and:0.044 to:0.038 by:0.02 as:0.019 :0.597 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +the:0.058 of:0.026 and:0.022 it:0.017 a:0.013 :0.575 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +to:0.099 the:0.059 of:0.055 and:0.029 a:0.023 :0.588 +the:0.066 a:0.027 to:0.025 that:0.018 it:0.015 :0.641 +of:0.081 the:0.07 to:0.037 and:0.036 by:0.02 :0.644 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.046 and:0.044 of:0.039 in:0.023 that:0.017 :0.747 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +a:0.07 the:0.044 to:0.043 and:0.037 that:0.015 :0.557 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.27 to:0.095 and:0.074 or:0.031 that:0.026 :0.388 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.058 of:0.051 the:0.027 in:0.023 for:0.015 :0.555 +:0.002 an:0.002 a:0.002 now:0.001 not:0.001 :0.986 +of:0.147 to:0.063 and:0.039 in:0.034 the:0.026 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +to:0.249 of:0.085 the:0.069 and:0.043 that:0.043 :0.378 +been:0.039 to:0.037 a:0.026 not:0.02 the:0.019 :0.578 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.017 and:0.014 it:0.014 that:0.014 in:0.013 :0.678 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.398 to:0.053 and:0.047 in:0.029 for:0.021 :0.334 +the:0.043 of:0.03 and:0.024 a:0.021 in:0.011 :0.51 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.098 and:0.042 by:0.031 of:0.029 to:0.023 :0.453 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.374 and:0.052 to:0.049 in:0.046 on:0.024 :0.331 +deal:0.004 S.:0.002 and:0.002 a:0.001 poor:0.001 :0.98 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.033 that:0.028 of:0.028 to:0.027 the:0.024 :0.511 +of:0.114 and:0.033 the:0.019 that:0.015 as:0.014 :0.551 +to:0.137 that:0.049 in:0.042 and:0.036 for:0.021 :0.583 +to:0.057 of:0.053 in:0.027 and:0.023 the:0.019 :0.449 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +to:0.027 of:0.018 The:0.017 and:0.012 :0.01 :0.889 +the:0.026 and:0.014 a:0.014 of:0.013 to:0.012 :0.493 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +was:0.049 of:0.041 is:0.039 the:0.039 to:0.037 :0.743 +of:0.06 to:0.039 and:0.038 are:0.02 is:0.019 :0.637 +in:0.042 of:0.041 and:0.033 to:0.031 by:0.024 :0.709 +of:0.02 and:0.018 a:0.012 in:0.012 or:0.01 :0.848 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +of:0.014 DAILY:0.004 than:0.004 that:0.004 is:0.004 :0.958 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.035 of:0.035 and:0.024 in:0.021 is:0.021 :0.769 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.017 and:0.014 of:0.014 that:0.013 to:0.013 :0.334 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.045 and:0.04 the:0.026 in:0.016 to:0.014 :0.578 +the:0.048 and:0.026 of:0.018 in:0.016 a:0.009 :0.538 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.315 to:0.057 and:0.032 the:0.02 of\nthe:0.018 :0.43 +of:0.07 to:0.042 and:0.038 with:0.032 is:0.03 :0.5 +to:0.039 and:0.037 of:0.031 the:0.028 in:0.016 :0.613 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.029 of:0.023 .:0.007 The:0.006 :0.006 :0.498 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.032 of:0.028 in:0.019 to:0.017 as:0.012 :0.705 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +to:0.051 that:0.028 a:0.018 and:0.016 by:0.014 :0.681 +of:0.048 to:0.046 and:0.035 in:0.022 for:0.02 :0.42 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.096 and:0.062 to:0.041 the:0.04 in:0.037 :0.517 +and:0.059 of:0.045 to:0.042 in:0.034 by:0.028 :0.496 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.094 as:0.043 in:0.039 and:0.037 to:0.021 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.078 and:0.041 the:0.037 to:0.025 is:0.021 :0.455 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.158 and:0.059 in:0.04 to:0.022 for:0.021 :0.442 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +to:0.158 of:0.103 and:0.062 for:0.036 in:0.031 :0.365 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.082 of:0.068 the:0.031 to:0.026 in:0.021 :0.391 +to:0.083 in:0.053 that:0.044 and:0.039 at:0.027 :0.362 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.072 of:0.066 to:0.064 the:0.061 that:0.042 :0.472 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.062 of:0.043 and:0.038 to:0.033 in:0.025 :0.445 +of:0.199 and:0.083 to:0.059 contained:0.024 in:0.018 :0.436 +of:0.048 to:0.046 and:0.035 in:0.022 for:0.02 :0.42 +the:0.034 a:0.03 of:0.026 and:0.022 in:0.012 :0.497 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.172 to:0.169 and:0.108 in:0.034 that:0.033 :0.294 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +of:0.126 to:0.113 in:0.058 is:0.044 and:0.036 :0.502 +to:0.036 and:0.03 as:0.021 in:0.016 is:0.016 :0.63 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.021 and:0.019 of:0.016 to:0.014 it:0.012 :0.749 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.015 the:0.015 of:0.011 very:0.006 to:0.006 :0.593 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +DAILY:0.014 of:0.013 and:0.007 the:0.006 or:0.004 :0.891 +to:0.072 of:0.043 up:0.037 and:0.033 out:0.03 :0.638 +than:0.054 and:0.033 in:0.026 of:0.021 on:0.01 :0.627 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.03 and:0.023 have:0.016 be:0.015 the:0.014 :0.649 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.044 to:0.044 in:0.04 is:0.029 of:0.022 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.312 to:0.078 and:0.037 in:0.029 are:0.023 :0.358 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +to:0.065 of:0.046 and:0.036 the:0.029 in:0.025 :0.569 +to:0.033 the:0.026 and:0.025 of:0.024 is:0.015 :0.479 +of:0.188 to:0.123 and:0.06 from:0.03 for:0.03 :0.453 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.118 of:0.071 and:0.053 in:0.04 at:0.026 :0.692 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +to:0.031 and:0.026 of:0.014 in:0.011 for:0.009 :0.608 +to:0.158 in:0.058 of:0.036 out:0.025 and:0.025 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.027 of:0.021 and:0.017 a:0.008 to:0.007 :0.725 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.001 estate:0.001 No.:0.001 is:0.001 title,:0.001 :0.996 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.129 a:0.042 to:0.027 that:0.02 in:0.016 :0.51 +the:0.1 and:0.025 of:0.021 a:0.012 it:0.01 :0.555 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +of:0.434 and:0.038 to:0.02 in:0.019 was:0.012 :0.226 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.041 o'clock:0.034 to:0.033 the:0.025 of:0.018 :0.592 +of:0.147 and:0.05 to:0.045 in:0.035 the:0.028 :0.399 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +and:0.014 the:0.014 that:0.013 in:0.012 he:0.011 :0.423 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.116 and:0.049 to:0.042 that:0.037 the:0.034 :0.481 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.197 and:0.089 to:0.072 in:0.017 The:0.014 :0.265 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.213 to:0.113 and:0.057 in:0.021 that:0.019 :0.348 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.082 and:0.079 to:0.061 in:0.046 the:0.041 :0.451 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +of:0.141 to:0.057 that:0.051 and:0.038 the:0.035 :0.491 +to:0.098 in:0.065 of:0.052 and:0.041 is:0.033 :0.483 +the:0.031 a:0.024 said:0.016 been:0.016 to:0.015 :0.68 +to:0.03 in:0.02 of:0.019 and:0.016 a:0.015 :0.785 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +a:0.023 :0.011 the:0.008 and:0.007 of:0.006 :0.625 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.135 of:0.067 a:0.053 to:0.047 and:0.024 :0.537 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.011 or:0.009 of:0.008 the:0.007 in:0.007 :0.854 +of:0.232 and:0.056 in:0.023 to:0.018 for:0.016 :0.539 +the:0.033 and:0.023 that:0.015 in:0.009 by:0.009 :0.817 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.047 the:0.04 to:0.026 and:0.022 a:0.016 :0.76 +the:0.094 that:0.034 a:0.032 of:0.017 and:0.015 :0.481 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +in:0.079 to:0.055 of:0.049 and:0.03 had:0.023 :0.61 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.018 and:0.011 as:0.007 have:0.007 :0.007 :0.914 +of:0.103 and:0.06 to:0.046 the:0.035 in:0.029 :0.464 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.161 to:0.044 and:0.04 in:0.026 the:0.026 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.142 of:0.115 and:0.095 for:0.04 that:0.037 :0.453 +the:0.072 that:0.015 a:0.014 to:0.012 and:0.01 :0.5 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.114 a:0.052 to:0.027 and:0.018 of:0.017 :0.449 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.281 the:0.056 and:0.035 to:0.025 in:0.019 :0.377 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.093 to:0.036 in:0.032 and:0.028 is:0.015 :0.507 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.531 and:0.041 or:0.029 to:0.026 of\nthe:0.013 :0.211 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +to:0.14 of:0.067 in:0.065 and:0.049 for:0.048 :0.464 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.084 and:0.061 in:0.029 with:0.029 the:0.024 :0.646 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +of:0.163 and:0.055 to:0.021 .:0.021 in:0.015 :0.559 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.118 a:0.046 and:0.03 of:0.023 that:0.017 :0.371 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.026 a:0.022 to:0.008 as:0.007 an:0.006 :0.902 +and:0.03 of:0.028 to:0.018 :0.016 or:0.011 :0.79 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +to:0.051 that:0.028 a:0.018 and:0.016 by:0.014 :0.681 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.031 a:0.024 said:0.016 been:0.016 to:0.015 :0.68 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.006 of:0.003 to:0.002 so:0.002 :0.001 :0.983 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +of:0.1 time:0.045 and:0.03 to:0.014 in:0.01 :0.544 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.092 and:0.049 to:0.022 in:0.011 for:0.009 :0.424 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.225 and:0.083 in:0.037 to:0.029 the:0.01 :0.346 +the:0.031 to:0.019 a:0.017 and:0.015 in:0.01 :0.424 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.047 to:0.04 a:0.04 that:0.023 and:0.02 :0.519 +of:0.013 the:0.007 and:0.006 than:0.006 in:0.005 :0.523 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.044 and:0.042 of:0.033 in:0.032 the:0.027 :0.627 +of:0.053 and:0.049 in:0.031 the:0.022 with:0.022 :0.488 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +of:0.242 to:0.037 and:0.026 in:0.014 is:0.011 :0.495 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.074 and:0.037 the:0.035 to:0.029 in:0.016 :0.423 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.033 to:0.03 years:0.017 that:0.015 of:0.014 :0.655 +of:0.125 and:0.117 in:0.023 who:0.018 was:0.016 :0.295 +the:0.025 and:0.011 than:0.01 a:0.009 that:0.008 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.112 and:0.071 to:0.063 in:0.03 that:0.024 :0.381 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +of:0.048 and:0.034 in:0.031 the:0.026 to:0.021 :0.515 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.312 a:0.034 and:0.02 that:0.015 to:0.013 :0.316 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.06 and:0.052 of:0.042 in:0.022 the:0.017 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.036 of:0.029 the:0.023 to:0.019 .:0.015 :0.412 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.096 of:0.075 to:0.069 and:0.052 for:0.05 :0.533 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.059 of:0.039 to:0.035 the:0.032 for:0.025 :0.597 +of:0.124 and:0.033 to:0.029 in:0.022 for:0.021 :0.71 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +to:0.17 and:0.045 is:0.031 in:0.029 of:0.028 :0.486 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.366 and:0.057 in:0.03 to:0.024 as:0.015 :0.282 +to:0.149 and:0.109 of:0.099 by:0.04 from:0.031 :0.326 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +of:0.051 in:0.021 and:0.018 to:0.015 for:0.014 :0.607 +and:0.065 to:0.063 as:0.046 in:0.044 that:0.035 :0.625 +to:0.056 and:0.048 of:0.029 in:0.027 the:0.026 :0.529 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +to:0.073 the:0.034 of:0.027 and:0.026 in:0.025 :0.38 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.095 the:0.091 that:0.059 not:0.027 a:0.025 :0.45 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.116 of:0.065 the:0.057 and:0.051 that:0.042 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.067 to:0.035 the:0.034 and:0.031 in:0.025 :0.495 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +of:0.133 to:0.072 the:0.044 and:0.024 in:0.01 :0.423 +to:0.025 of:0.024 in:0.011 a:0.01 that:0.009 :0.892 +to:0.06 be:0.051 in:0.033 of:0.027 and:0.021 :0.62 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.001 him:0.001 us:0.001 them:0.001 the:0.001 :0.993 +of:0.138 in:0.042 to:0.041 is:0.034 and:0.03 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.105 of:0.087 and:0.055 that:0.047 in:0.032 :0.487 +of:0.162 and:0.039 the:0.022 not:0.021 to:0.014 :0.437 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.204 and:0.075 to:0.038 that:0.029 in:0.015 :0.369 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +of:0.056 to:0.037 and:0.033 that:0.028 as:0.018 :0.447 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.17 and:0.058 in:0.039 is:0.038 to:0.036 :0.621 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +be:0.003 that:0.002 you:0.002 as:0.002 not:0.002 :0.99 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.087 him:0.063 me:0.06 of:0.038 and:0.037 :0.477 +of:0.138 and:0.052 in:0.024 to:0.024 have:0.021 :0.406 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.126 .:0.045 and:0.041 in:0.032 the:0.031 :0.424 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.564 to:0.056 and:0.053 in:0.018 from:0.015 :0.227 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.036 of:0.028 to:0.021 with:0.018 the:0.018 :0.476 +to:0.041 of:0.036 and:0.031 in:0.025 was:0.021 :0.651 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +of:0.121 and:0.032 the:0.031 a:0.022 in:0.015 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.053 in:0.046 the:0.045 to:0.045 and:0.032 :0.358 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +the:0.021 to:0.018 and:0.015 it:0.012 that:0.008 :0.643 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +the:0.038 and:0.018 to:0.016 that:0.014 a:0.013 :0.46 +of:0.081 from:0.069 and:0.062 to:0.048 in:0.027 :0.546 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.017 the:0.011 a:0.01 for:0.01 to:0.009 :0.446 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.124 and:0.029 to:0.017 in:0.014 for:0.011 :0.65 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.05 is:0.03 of:0.026 to:0.024 and:0.02 :0.488 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +who:0.005 the:0.002 and:0.002 in:0.002 of:0.002 :0.98 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +Sam:0.001 in\nBook:0.001 HERALD:0.0 stages:0.0 in\nsaid:0.0 :0.998 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.059 to:0.03 of:0.018 a:0.017 that:0.017 :0.358 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.007 the:0.005 is:0.003 one:0.003 an:0.002 :0.941 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +of:0.022 and:0.015 :0.008 the:0.006 a:0.006 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.045 and:0.04 to:0.024 a:0.02 in:0.015 :0.568 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.019 a:0.011 to:0.01 and:0.007 in:0.007 :0.517 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +to:0.011 a:0.008 and:0.008 of:0.008 years:0.008 :0.92 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.069 and:0.051 in:0.036 the:0.036 to:0.029 :0.284 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.066 and:0.034 to:0.02 in:0.015 or:0.011 :0.449 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.061 of:0.042 a:0.037 to:0.035 in:0.028 :0.548 +to:0.034 the:0.025 and:0.019 as:0.015 in:0.012 :0.623 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.011 AND:0.007 and:0.005 are:0.005 of:0.005 :0.946 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.199 and:0.083 to:0.059 contained:0.024 in:0.018 :0.436 +of:0.078 the:0.045 a:0.028 to:0.028 and:0.028 :0.482 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.112 a:0.029 and:0.027 in:0.019 that:0.018 :0.456 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +to:0.09 of:0.059 the:0.047 and:0.027 that:0.025 :0.633 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +hundred:0.001 Dakota,:0.001 1,:0.001 2,:0.001 2:0.001 :0.996 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.078 to:0.038 a:0.033 and:0.015 of:0.014 :0.631 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.146 of:0.082 was:0.053 and:0.049 is:0.036 :0.552 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.011 AND:0.007 and:0.005 are:0.005 of:0.005 :0.946 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.126 and:0.039 that:0.036 to:0.032 for:0.028 :0.709 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +:0.001 INTER:0.001 was:0.001 exports:0.001 R:0.001 :0.997 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.083 to:0.079 and:0.074 in:0.03 the:0.02 :0.627 +of:0.073 and:0.053 to:0.041 the:0.038 in:0.034 :0.496 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.101 you:0.041 a:0.03 me:0.022 of:0.022 :0.599 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.063 a:0.044 and:0.012 that:0.008 his:0.006 :0.511 +the:0.047 a:0.027 and:0.021 to:0.014 in:0.014 :0.719 +the:0.038 a:0.034 to:0.022 of:0.02 and:0.016 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.009 not:0.006 to:0.004 in:0.004 or:0.004 :0.969 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.038 and:0.033 that:0.022 to:0.021 in:0.021 :0.545 +and:0.055 to:0.036 of:0.03 that:0.029 the:0.028 :0.509 +of:0.159 to:0.095 and:0.048 in:0.045 is:0.023 :0.456 +of:0.042 and:0.042 to:0.021 the:0.017 in:0.016 :0.574 +as:0.08 of:0.045 and:0.045 to:0.037 the:0.031 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +of:0.005 a:0.005 :0.004 the:0.003 and:0.003 :0.97 +of:0.019 men:0.015 and:0.013 in:0.007 as:0.005 :0.651 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.043 and:0.038 to:0.035 in:0.032 is:0.02 :0.621 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.309 to:0.053 and:0.051 in:0.038 the:0.03 :0.281 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.084 to:0.075 and:0.05 the:0.037 in:0.036 :0.514 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.159 to:0.142 and:0.096 in:0.046 by:0.038 :0.401 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +and:0.031 of:0.023 in:0.019 to:0.016 .:0.015 :0.459 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.027 in:0.025 the:0.022 is:0.02 of:0.016 :0.513 +of:0.033 and:0.033 was:0.024 is:0.022 to:0.017 :0.754 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.021 and:0.016 to:0.008 in:0.007 the:0.007 :0.529 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.177 and:0.081 in:0.059 to:0.029 for:0.025 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.049 to:0.046 of:0.035 that:0.026 and:0.022 :0.391 +of:0.044 to:0.04 and:0.026 in:0.017 or:0.012 :0.809 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.058 and:0.052 the:0.034 to:0.023 in:0.011 :0.336 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.002 EVENING:0.002 of:0.002 :0.002 to\nthe:0.002 :0.991 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.027 a:0.024 of:0.024 the:0.019 in:0.015 :0.659 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.029 and:0.024 to:0.019 in:0.012 with:0.01 :0.632 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +of:0.067 and:0.05 to:0.038 the:0.033 in:0.028 :0.451 +of:0.137 the:0.08 and:0.03 a:0.03 that:0.028 :0.471 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.077 of:0.046 and:0.04 in:0.02 for:0.017 :0.503 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.112 to:0.058 and:0.055 in:0.043 at:0.036 :0.481 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.312 to:0.078 and:0.037 in:0.029 are:0.023 :0.358 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +of:0.02 the:0.019 a:0.013 to:0.013 and:0.012 :0.626 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.064 to:0.05 and:0.048 the:0.03 in:0.029 :0.569 +and:0.017 of:0.013 :0.012 the:0.011 to:0.009 :0.571 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.138 in:0.042 to:0.041 is:0.034 and:0.03 :0.539 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.115 of:0.067 to:0.027 but:0.019 in:0.018 :0.629 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.027 of:0.021 and:0.017 a:0.008 to:0.007 :0.725 +to:0.256 of:0.106 that:0.077 and:0.039 the:0.032 :0.451 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +in:0.072 to:0.054 the:0.042 on:0.032 and:0.028 :0.556 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.138 in:0.042 to:0.041 is:0.034 and:0.03 :0.539 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.037 of:0.034 to:0.03 that:0.022 in:0.02 :0.606 +of:0.039 to:0.031 and:0.022 the:0.017 The:0.014 :0.372 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.025 in:0.022 and:0.021 are:0.021 of:0.015 :0.48 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.036 and:0.027 the:0.026 it:0.025 of:0.016 :0.568 +the:0.065 a:0.041 and:0.021 in:0.02 as:0.019 :0.509 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.044 to:0.031 in:0.02 and:0.016 with:0.011 :0.506 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.042 in:0.032 of:0.031 to:0.03 with:0.018 :0.475 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 in:0.037 and:0.035 to:0.034 at:0.021 :0.428 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +is:0.027 the:0.024 was:0.019 as:0.016 will:0.013 :0.843 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 and:0.015 the:0.01 in:0.01 from:0.008 :0.785 +of:0.277 to:0.039 and:0.038 in:0.026 the:0.024 :0.365 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.13 and:0.074 to:0.06 in:0.028 that:0.02 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +and:0.017 of:0.013 :0.012 the:0.011 to:0.009 :0.571 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.025 of:0.022 be:0.015 not:0.011 to:0.009 :0.443 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +and:0.087 of:0.056 to:0.05 in:0.036 as:0.035 :0.389 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +and:0.044 of:0.037 to:0.02 in:0.016 by:0.014 :0.589 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +be:0.004 the:0.003 and:0.003 a:0.003 which:0.003 :0.97 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.04 that:0.023 the:0.023 and:0.021 in:0.015 :0.557 +of:0.227 in:0.064 and:0.061 to:0.035 with:0.032 :0.478 +of:0.388 to:0.081 as:0.035 is:0.031 in:0.028 :0.402 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.141 and:0.081 to:0.04 the:0.039 by:0.032 :0.467 +the:0.039 it:0.038 to:0.035 in:0.031 he:0.025 :0.667 +the:0.027 and:0.025 to:0.015 :0.012 as:0.01 :0.624 +to:0.01 that:0.008 not:0.007 and:0.005 the:0.004 :0.938 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.051 and:0.041 be:0.014 in:0.013 that:0.012 :0.474 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.104 and:0.078 that:0.026 to:0.023 in:0.022 :0.3 +have:0.022 of:0.018 and:0.014 in:0.014 was:0.012 :0.571 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.034 it:0.027 a:0.026 to:0.025 and:0.022 :0.461 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.039 of:0.023 and:0.02 that:0.015 for:0.012 :0.871 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.103 and:0.06 to:0.046 the:0.035 in:0.029 :0.464 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.088 the:0.081 a:0.054 in:0.033 and:0.02 :0.567 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +and:0.093 to:0.057 a:0.033 up:0.028 in:0.027 :0.587 +and:0.04 of:0.026 is:0.018 in:0.016 or:0.011 :0.656 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.132 and:0.044 in:0.023 the:0.02 by:0.014 :0.478 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.06 the:0.056 a:0.025 to:0.025 be:0.022 :0.58 +of:0.062 to:0.053 and:0.024 in:0.021 than:0.018 :0.772 +have:0.022 of:0.018 and:0.014 in:0.014 was:0.012 :0.571 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.439 and:0.063 in:0.044 to:0.029 or:0.023 :0.248 +of:0.047 to:0.024 the:0.02 and:0.017 a:0.016 :0.493 +to:0.044 and:0.031 is:0.014 in:0.014 the:0.014 :0.733 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +were:0.006 will:0.006 are:0.005 had:0.004 a:0.004 :0.971 +be:0.004 the:0.003 and:0.003 a:0.003 which:0.003 :0.97 +to:0.076 and:0.031 in:0.028 than:0.023 of:0.016 :0.681 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of\nthe:0.002 of:0.002 Britain:0.002 to:0.001 thereof:0.001 :0.992 +to:0.126 and:0.066 in:0.037 of:0.024 with:0.018 :0.624 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.127 the:0.036 and:0.03 to:0.026 in:0.016 :0.372 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.317 to:0.115 and:0.071 that:0.048 for:0.016 :0.29 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.12 to:0.066 a:0.06 that:0.051 in:0.037 :0.453 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.078 that:0.038 of:0.027 to:0.026 and:0.019 :0.614 +and:0.103 of:0.101 to:0.071 in:0.049 as:0.032 :0.452 +of:0.154 to:0.089 and:0.048 in:0.044 the:0.03 :0.394 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.08 and:0.045 to:0.035 will:0.031 are:0.029 :0.586 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.047 be:0.021 a:0.019 of:0.012 and:0.012 :0.817 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +of:0.047 in:0.024 the:0.02 to:0.017 and:0.017 :0.685 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.096 of:0.037 to:0.025 in:0.023 and:0.021 :0.624 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.152 to:0.06 and:0.057 in:0.042 for:0.026 :0.419 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +to:0.21 of:0.115 and:0.03 in:0.023 the:0.018 :0.39 +to:0.114 of:0.062 the:0.033 a:0.023 in:0.022 :0.402 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +to:0.144 the:0.084 and:0.054 a:0.029 that:0.013 :0.521 +great:0.005 man:0.002 dollars:0.002 good:0.002 that:0.002 :0.983 +of:0.412 to:0.131 in:0.037 for:0.032 that:0.027 :0.361 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.165 and:0.103 in:0.033 to:0.023 or:0.018 :0.437 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.363 to:0.063 with:0.035 for:0.028 in:0.026 :0.407 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.121 and:0.054 to:0.051 in:0.046 the:0.032 :0.49 +of:0.12 the:0.064 to:0.055 and:0.03 a:0.025 :0.488 +of:0.093 and:0.066 the:0.04 in:0.028 by:0.023 :0.555 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.051 of:0.039 and:0.027 is:0.024 in:0.02 :0.641 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.061 a:0.015 to:0.013 and:0.012 that:0.012 :0.645 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.018 the:0.014 on:0.012 in:0.012 to:0.008 :0.583 +of:0.078 the:0.069 and:0.039 it:0.026 in:0.023 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +of:0.07 the:0.038 and:0.022 to:0.021 a:0.012 :0.238 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.139 to:0.114 the:0.06 and:0.03 that:0.029 :0.33 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.091 of:0.04 and:0.029 in:0.026 was:0.025 :0.288 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.036 and:0.018 in:0.012 for:0.01 of:0.009 :0.88 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 a:0.023 is:0.009 this:0.008 it:0.005 :0.643 +of:0.02 the:0.019 a:0.013 to:0.013 and:0.012 :0.626 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.067 the:0.043 to:0.026 and:0.022 in:0.019 :0.525 +the:0.172 a:0.078 ten:0.05 this:0.016 one:0.014 :0.541 +the:0.017 and:0.014 of:0.014 that:0.013 to:0.013 :0.334 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +of:0.076 and:0.023 in:0.018 to:0.014 a:0.014 :0.367 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +of:0.044 and:0.027 the:0.022 in:0.014 a:0.013 :0.282 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.027 the:0.027 to:0.025 a:0.024 of:0.019 :0.52 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.1 to:0.098 of:0.046 a:0.044 it:0.037 :0.486 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.256 of:0.106 that:0.077 and:0.039 the:0.032 :0.451 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.067 of:0.066 to:0.047 the:0.042 in:0.024 :0.538 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.034 of:0.031 to:0.03 the:0.021 for:0.014 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.02 and:0.019 the:0.015 a:0.008 or:0.008 :0.542 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.073 the:0.061 to:0.049 and:0.038 for:0.026 :0.535 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +to:0.063 the:0.021 that:0.018 and:0.016 of:0.016 :0.364 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.2 a:0.054 of:0.024 to:0.015 his:0.014 :0.448 +of:0.096 to:0.049 in:0.042 and:0.028 with:0.022 :0.574 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +of:0.405 and:0.081 to:0.032 was:0.021 is:0.02 :0.311 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.072 of:0.043 up:0.037 and:0.033 out:0.03 :0.638 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +to:0.241 of:0.079 in:0.033 and:0.025 that:0.025 :0.331 +of:0.066 and:0.063 the:0.025 to:0.021 or:0.02 :0.577 +of:0.037 to:0.023 in:0.022 and:0.017 was:0.013 :0.597 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.023 to:0.022 and:0.013 in:0.01 that:0.009 :0.451 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.086 a:0.034 the:0.031 and:0.022 in:0.011 :0.311 +the:0.071 to:0.045 a:0.04 of:0.031 and:0.025 :0.577 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.241 of:0.079 in:0.033 and:0.025 that:0.025 :0.331 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +to:0.107 and:0.047 in:0.038 for:0.027 of:0.025 :0.553 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.075 of:0.068 a:0.029 and:0.028 in:0.016 :0.591 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.193 to:0.066 and:0.043 in:0.041 by:0.036 :0.434 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.011 AND:0.007 and:0.005 are:0.005 of:0.005 :0.946 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.054 of:0.045 that:0.027 a:0.018 and:0.015 :0.633 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +of:0.037 the:0.029 and:0.021 is:0.016 to:0.014 :0.473 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.089 in:0.066 to:0.056 that:0.037 and:0.035 :0.614 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.171 to:0.065 and:0.033 in:0.026 for:0.021 :0.626 +of:0.054 the:0.049 to:0.043 and:0.042 in:0.03 :0.606 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.058 not:0.03 of:0.03 in:0.024 and:0.022 :0.221 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.036 as:0.033 a:0.024 to:0.022 the:0.019 :0.523 +a:0.029 and:0.027 the:0.023 in:0.022 not:0.018 :0.632 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.118 to:0.067 and:0.046 in:0.035 is:0.019 :0.545 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.049 to:0.041 that:0.035 the:0.033 of:0.024 :0.605 +to:0.238 that:0.024 in:0.02 and:0.02 of:0.019 :0.285 +.:0.05 of:0.022 and:0.018 or:0.014 for:0.01 :0.851 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +to:0.132 of:0.064 for:0.049 in:0.047 and:0.037 :0.499 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.082 and:0.076 that:0.033 the:0.031 in:0.03 :0.506 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.055 to:0.054 and:0.048 as:0.036 in:0.019 :0.48 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.143 and:0.026 in:0.022 is:0.018 are:0.014 :0.55 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +to:0.09 and:0.043 the:0.039 in:0.035 of:0.03 :0.505 +of:0.023 the:0.022 it:0.014 to:0.013 and:0.011 :0.47 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.05 that:0.046 of:0.037 in:0.026 the:0.025 :0.666 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.033 and:0.032 in:0.027 the:0.023 for:0.016 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +and:0.022 of:0.021 The:0.021 are:0.014 :0.012 :0.605 +the:0.062 of:0.04 a:0.035 and:0.027 to:0.027 :0.394 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.096 the:0.053 to:0.025 and:0.02 in:0.018 :0.494 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.034 a:0.015 and:0.011 that:0.011 to:0.006 :0.657 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.21 of:0.115 and:0.03 in:0.023 the:0.018 :0.39 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.05 that:0.035 the:0.033 or:0.023 and:0.021 :0.715 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +years:0.018 to:0.018 in:0.017 and:0.015 that:0.012 :0.606 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.13 of:0.102 and:0.097 in:0.054 for:0.034 :0.517 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.21 of:0.062 and:0.055 in:0.03 the:0.018 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.051 the:0.018 a:0.017 in:0.013 and:0.011 :0.377 +of:0.038 and:0.037 in:0.03 is:0.027 to:0.025 :0.563 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +to:0.04 of:0.028 the:0.022 and:0.021 in:0.019 :0.475 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.071 the:0.059 to:0.032 that:0.029 and:0.027 :0.524 +of:0.155 to:0.065 and:0.053 is:0.036 the:0.035 :0.488 +he:0.008 and:0.006 the:0.006 it:0.006 as:0.005 :0.961 +of:0.054 and:0.038 as:0.036 in:0.024 that:0.024 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.077 of:0.051 a:0.03 to:0.021 in:0.014 :0.548 +the:0.05 to:0.048 of:0.037 and:0.036 in:0.023 :0.514 +of:0.086 to:0.081 and:0.076 that:0.05 the:0.049 :0.54 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.03 and:0.023 have:0.016 be:0.015 the:0.014 :0.649 +of:0.533 and:0.059 to:0.037 of\nthe:0.027 for:0.026 :0.239 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.083 to:0.05 and:0.043 in:0.033 as:0.019 :0.529 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +of:0.084 and:0.053 the:0.03 that:0.018 to:0.017 :0.404 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +to:0.005 be:0.005 in:0.004 and:0.004 the:0.004 :0.956 +of:0.122 to:0.116 the:0.04 and:0.033 that:0.027 :0.396 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.205 and:0.157 to:0.035 or:0.024 in:0.022 :0.448 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.038 and:0.017 that:0.01 a:0.01 to:0.008 :0.484 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +the:0.028 and:0.019 a:0.019 that:0.017 of:0.016 :0.518 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +of:0.106 the:0.045 and:0.031 in:0.023 is:0.022 :0.622 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +to:0.287 and:0.051 of:0.05 that:0.043 in:0.035 :0.302 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.057 the:0.052 of:0.04 in:0.025 and:0.023 :0.166 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.086 a:0.032 and:0.028 is:0.026 in:0.019 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.147 of:0.109 in:0.062 and:0.037 by:0.025 :0.519 +of:0.088 to:0.04 and:0.037 in:0.027 for:0.016 :0.514 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.028 to:0.025 the:0.022 that:0.02 in:0.018 :0.688 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.018 in:0.013 and:0.01 of:0.01 on:0.008 :0.94 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +described:0.066 of:0.028 and:0.02 to:0.015 that:0.012 :0.554 +DAILY:0.011 the:0.007 one:0.006 and:0.005 2:0.005 :0.87 +the:0.035 and:0.029 to:0.021 of:0.015 that:0.01 :0.628 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.005 in:0.003 the:0.003 described:0.002 :0.002 :0.968 +of:0.045 and:0.04 to:0.024 a:0.02 in:0.015 :0.568 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.042 to:0.033 of:0.031 in:0.024 up:0.02 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.042 in:0.033 and:0.029 as:0.024 from:0.017 :0.757 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.118 to:0.066 as:0.033 in:0.031 and:0.029 :0.446 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +of:0.324 to:0.069 and:0.047 in:0.039 that:0.021 :0.355 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.079 to:0.072 and:0.043 in:0.025 the:0.022 :0.4 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.073 to:0.051 and:0.033 is:0.026 in:0.021 :0.438 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.119 a:0.068 of:0.025 and:0.021 in:0.02 :0.317 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.067 and:0.037 of:0.027 that:0.023 the:0.021 :0.743 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.04 and:0.038 to:0.036 in:0.026 for:0.021 :0.487 +of:0.146 and:0.055 the:0.044 in:0.039 to:0.037 :0.468 +of:0.09 the:0.047 and:0.023 in:0.016 to:0.011 :0.383 +of:0.131 to:0.05 not:0.037 and:0.033 in:0.029 :0.477 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +The:0.019 is:0.012 and:0.01 was:0.009 of:0.009 :0.925 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.179 to:0.062 a:0.051 in:0.032 of:0.032 :0.483 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.002 EVENING:0.002 :0.002 other:0.002 JOURNAL:0.002 :0.985 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.062 of:0.056 the:0.032 in:0.02 to:0.019 :0.445 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +to:0.076 and:0.031 in:0.028 than:0.023 of:0.016 :0.681 +of:0.141 to:0.057 that:0.051 and:0.038 the:0.035 :0.491 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.066 and:0.043 in:0.031 to:0.026 than:0.019 :0.628 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +in:0.072 to:0.054 the:0.042 on:0.032 and:0.028 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.013 of:0.009 is:0.007 :0.005 was:0.004 :0.898 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.199 and:0.073 to:0.043 the:0.038 for:0.024 :0.479 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +of:0.415 and:0.048 to:0.042 in:0.027 for:0.024 :0.307 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.008 that:0.007 of:0.007 to:0.006 only:0.006 :0.708 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.094 and:0.081 the:0.051 of:0.032 for:0.025 :0.551 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +o'clock:0.002 :0.001 They:0.001 feet:0.001 o'clock,:0.001 :0.995 +of:0.183 and:0.041 is:0.029 in:0.02 the:0.019 :0.453 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.057 the:0.041 and:0.04 of:0.033 by:0.032 :0.568 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.165 to:0.148 and:0.067 the:0.041 in:0.026 :0.333 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.044 to:0.023 in:0.02 and:0.017 for:0.017 :0.672 +of:0.619 and:0.037 is:0.023 of\nthe:0.018 in:0.018 :0.199 +be:0.005 have:0.004 as:0.003 the:0.003 do:0.002 :0.98 +the:0.206 a:0.031 that:0.03 and:0.024 of:0.022 :0.168 +of:0.283 to:0.139 and:0.038 in:0.036 for:0.026 :0.327 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +to:0.111 and:0.047 in:0.029 a:0.015 the:0.013 :0.514 +of:0.397 to:0.054 and:0.054 in:0.025 from:0.024 :0.39 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.065 and:0.026 the:0.025 that:0.015 is:0.01 :0.597 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.07 in:0.039 of:0.037 to:0.033 at:0.017 :0.654 +and:0.062 the:0.048 to:0.038 a:0.026 that:0.02 :0.516 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.019 the:0.014 of:0.013 in:0.008 to:0.007 :0.473 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +to:0.109 of:0.053 in:0.049 and:0.04 the:0.024 :0.572 +of:0.04 the:0.025 and:0.024 in:0.015 he:0.015 :0.471 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.165 to:0.109 and:0.101 in:0.037 that:0.033 :0.263 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.067 the:0.063 of:0.049 is:0.02 was:0.019 :0.568 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.088 the:0.04 and:0.039 in:0.038 not:0.03 :0.66 +of:0.127 to:0.059 and:0.03 the:0.022 in:0.015 :0.414 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +to:0.027 and:0.025 in:0.021 the:0.016 of:0.016 :0.759 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.038 and:0.024 for:0.016 in:0.016 to:0.015 :0.87 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +of:0.11 and:0.025 to:0.023 for:0.019 in:0.015 :0.794 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.115 and:0.049 to:0.044 in:0.042 .:0.031 :0.363 +of:0.057 to:0.05 for:0.041 and:0.035 a:0.027 :0.518 +of:0.09 and:0.044 as:0.038 a:0.025 by:0.023 :0.589 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +the:0.031 to:0.019 and:0.018 in:0.013 that:0.011 :0.673 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.096 a:0.049 and:0.043 in:0.02 with:0.015 :0.534 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.152 to:0.06 and:0.057 in:0.042 for:0.026 :0.419 +to:0.108 and:0.045 of:0.038 the:0.028 for:0.018 :0.382 +of:0.098 to:0.079 and:0.033 in:0.024 for:0.02 :0.725 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.039 and:0.033 of:0.03 to:0.023 in:0.022 :0.596 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +not:0.036 to:0.018 and:0.016 in:0.014 of:0.013 :0.609 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.025 of:0.022 be:0.015 not:0.011 to:0.009 :0.443 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.014 and:0.013 of:0.012 :0.01 or:0.008 :0.534 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +and:0.031 of:0.027 in:0.026 to:0.021 by:0.019 :0.702 +of:0.032 and:0.012 DAILY:0.011 the:0.011 is:0.007 :0.68 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.018 to:0.018 in:0.017 and:0.015 that:0.012 :0.606 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.066 and:0.058 to:0.038 in:0.02 from:0.017 :0.608 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.113 to:0.105 of:0.068 that:0.057 and:0.051 :0.497 +of:0.155 to:0.065 and:0.053 is:0.036 the:0.035 :0.488 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.072 to:0.057 in:0.057 and:0.046 on:0.028 :0.492 +of:0.453 and:0.06 to:0.053 in:0.021 or:0.019 :0.279 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.038 to:0.037 and:0.028 in:0.028 by:0.015 :0.703 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.104 and:0.06 to:0.049 the:0.042 in:0.029 :0.329 +to:0.133 of:0.073 that:0.062 and:0.035 for:0.027 :0.454 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.093 a:0.03 than:0.024 of:0.019 and:0.018 :0.519 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +the:0.046 and:0.044 of:0.039 in:0.023 that:0.017 :0.747 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +of:0.086 to:0.061 and:0.042 in:0.038 by:0.026 :0.693 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.051 in:0.021 and:0.018 to:0.015 for:0.014 :0.607 +of:0.053 The:0.043 and:0.039 the:0.029 in:0.018 :0.646 +as:0.184 to:0.032 after:0.027 that:0.023 and:0.022 :0.481 +of:0.092 and:0.073 the:0.059 in:0.054 from:0.026 :0.497 +the:0.024 and:0.017 be:0.009 who:0.008 in:0.007 :0.602 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.015 .:0.015 and:0.011 a:0.01 was:0.008 :0.809 +to:0.277 of:0.096 and:0.057 for:0.056 in:0.052 :0.322 +of:0.214 for:0.044 to:0.04 in:0.035 and:0.035 :0.538 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.054 in:0.04 and:0.039 to:0.034 are:0.029 :0.652 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.103 to:0.09 and:0.061 in:0.041 on:0.025 :0.466 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.039 and:0.019 to:0.016 a:0.015 as:0.012 :0.573 +of:0.299 and:0.046 in:0.034 to:0.03 with:0.02 :0.432 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.139 of:0.061 and:0.043 the:0.026 for:0.026 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.165 to:0.148 and:0.067 the:0.041 in:0.026 :0.333 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +to:0.06 and:0.058 of:0.04 in:0.021 for:0.016 :0.578 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +and:0.008 than:0.007 to:0.006 the:0.006 of:0.005 :0.961 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.119 a:0.054 to:0.047 in:0.037 not:0.032 :0.362 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.142 to:0.078 in:0.033 and:0.03 for:0.021 :0.573 +and:0.056 of:0.032 in:0.022 as:0.014 to:0.014 :0.457 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.041 the:0.034 of:0.012 and:0.01 to:0.007 :0.413 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.101 of:0.042 a:0.036 to:0.027 and:0.017 :0.513 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.134 a:0.037 to:0.027 in:0.021 and:0.018 :0.493 +to:0.163 and:0.095 of:0.072 the:0.031 in:0.025 :0.381 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.027 as:0.012 The:0.01 :0.01 of:0.009 :0.666 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.136 of:0.076 in:0.042 to:0.036 by:0.024 :0.51 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.044 and:0.034 to:0.03 in:0.02 the:0.014 :0.422 +the:0.159 to:0.033 a:0.027 of:0.02 that:0.018 :0.27 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +to:0.086 and:0.086 of:0.051 in:0.036 for:0.034 :0.333 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.018 and:0.014 to:0.007 in:0.004 who:0.003 :0.934 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.072 that:0.015 a:0.014 to:0.012 and:0.01 :0.5 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.097 to:0.041 and:0.031 .:0.021 in:0.016 :0.731 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +a:0.029 and:0.027 the:0.023 in:0.022 not:0.018 :0.632 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.026 and:0.02 of:0.006 a:0.005 not:0.005 :0.638 +and:0.023 to:0.022 of:0.016 in:0.01 the:0.006 :0.63 +of:0.095 as:0.035 and:0.022 in:0.015 who:0.011 :0.782 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.076 to:0.059 in:0.036 the:0.026 of:0.018 :0.569 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.213 to:0.113 and:0.057 in:0.021 that:0.019 :0.348 +of:0.088 in:0.034 to:0.033 and:0.029 for:0.026 :0.516 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.062 that:0.038 to:0.036 of:0.019 and:0.017 :0.583 +to:0.078 of:0.073 in:0.038 on:0.02 and:0.018 :0.65 +the:0.062 of:0.04 a:0.035 and:0.027 to:0.027 :0.394 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +the:0.043 of:0.042 and:0.031 it:0.026 they:0.022 :0.61 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +as:0.015 to:0.014 for:0.014 in:0.013 and:0.012 :0.743 +the:0.058 of:0.026 that:0.023 and:0.02 a:0.017 :0.639 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 the:0.05 and:0.017 jury:0.013 to:0.011 :0.549 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.193 and:0.037 in:0.035 is:0.027 to:0.025 :0.449 +the:0.096 a:0.049 and:0.043 in:0.02 with:0.015 :0.534 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +of:0.049 to:0.033 in:0.025 and:0.025 that:0.015 :0.742 +of:0.045 and:0.04 the:0.026 in:0.016 to:0.014 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +to:0.106 of:0.046 and:0.041 the:0.041 that:0.031 :0.544 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +of:0.078 and:0.046 that:0.022 is:0.021 for:0.02 :0.467 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.325 to:0.043 and:0.042 in:0.022 for:0.018 :0.421 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.105 and:0.051 was:0.041 is:0.031 in:0.017 :0.401 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.082 and:0.075 to:0.043 the:0.042 in:0.028 :0.389 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.356 to:0.08 and:0.07 in:0.031 is:0.024 :0.222 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.027 as:0.022 the:0.018 in:0.014 or:0.013 :0.766 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +to:0.13 and:0.053 in:0.021 as:0.021 a:0.017 :0.44 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +of:0.273 and:0.129 to:0.06 in:0.055 on:0.021 :0.329 +the:0.147 a:0.036 of:0.02 to:0.02 and:0.015 :0.533 +to:0.007 COUNTY:0.006 of:0.005 and:0.003 for:0.003 :0.976 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.086 to:0.034 a:0.033 and:0.028 in:0.025 :0.408 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.178 and:0.06 that:0.035 the:0.031 for:0.026 :0.477 +to:0.066 of:0.062 be:0.04 and:0.024 in:0.024 :0.595 +of:0.117 to:0.071 and:0.062 in:0.02 the:0.019 :0.448 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 the:0.031 that:0.027 of:0.02 by:0.013 :0.634 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.129 to:0.099 of:0.071 and:0.039 a:0.034 :0.509 +The:0.009 day:0.009 to:0.007 :0.006 It:0.004 :0.961 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.036 and:0.022 the:0.02 of:0.011 in:0.011 :0.726 +to:0.03 was:0.022 in:0.017 and:0.015 is:0.015 :0.879 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.193 a:0.029 it:0.027 any:0.008 an:0.007 :0.296 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.056 in:0.043 to:0.03 and:0.029 at:0.014 :0.647 +and:0.062 of:0.056 the:0.032 in:0.02 to:0.019 :0.445 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.275 on:0.042 in:0.04 of:0.033 for:0.023 :0.483 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.076 and:0.041 to:0.035 the:0.025 in:0.021 :0.355 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.028 and:0.019 a:0.019 that:0.017 of:0.016 :0.518 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.129 and:0.031 to:0.019 the:0.016 a:0.013 :0.537 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.099 the:0.035 and:0.02 a:0.018 in:0.018 :0.623 +of:0.124 to:0.07 in:0.047 and:0.043 with:0.019 :0.566 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.1 time:0.045 and:0.03 to:0.014 in:0.01 :0.544 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +of:0.34 to:0.108 and:0.038 by:0.034 in:0.031 :0.296 +been:0.051 of:0.041 the:0.03 and:0.029 to:0.02 :0.644 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.23 in:0.05 to:0.035 and:0.033 the:0.032 :0.437 +the:0.051 a:0.018 and:0.013 with:0.011 by:0.009 :0.841 +to:0.119 in:0.046 and:0.041 that:0.032 of:0.03 :0.493 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +to:0.09 and:0.043 the:0.039 in:0.035 of:0.03 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.178 to:0.076 and:0.052 by:0.031 the:0.022 :0.412 +of:0.197 and:0.077 to:0.044 in:0.03 is:0.023 :0.376 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +is:0.068 to:0.055 in:0.049 and:0.036 was:0.03 :0.521 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.195 and:0.053 to:0.03 as:0.021 for:0.019 :0.511 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.156 and:0.055 to:0.046 that:0.015 in:0.014 :0.555 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.111 of:0.068 in:0.066 and:0.049 as:0.049 :0.525 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.027 and:0.021 in:0.014 of:0.008 with:0.008 :0.595 +of:0.075 and:0.029 the:0.022 to:0.016 in:0.016 :0.4 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.077 and:0.019 to:0.018 a:0.017 for:0.014 :0.524 +of:0.05 and:0.027 to:0.017 in:0.012 that:0.011 :0.372 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.086 of:0.024 a:0.023 and:0.012 in:0.012 :0.483 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +of:0.055 and:0.045 the:0.038 by:0.024 in:0.021 :0.442 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.297 a:0.05 tho:0.011 his:0.01 of:0.01 :0.405 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +of:0.436 to:0.042 is:0.034 for:0.028 in:0.024 :0.352 +and:0.051 of:0.044 in:0.038 to:0.029 at:0.024 :0.505 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +of:0.157 to:0.032 and:0.029 in:0.018 at:0.011 :0.673 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.175 and:0.05 to:0.042 in:0.016 for:0.013 :0.395 +and:0.071 to:0.058 of:0.053 is:0.043 for:0.035 :0.546 +the:0.083 DAILY:0.043 a:0.018 his:0.01 their:0.006 :0.651 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years,:0.001 it:0.001 years:0.001 days:0.001 miles:0.001 :0.994 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.053 is:0.047 was:0.034 and:0.031 will:0.026 :0.537 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +thence:0.01 who:0.008 and:0.007 for:0.007 as:0.007 :0.953 +to:0.072 of:0.049 and:0.04 the:0.018 in:0.015 :0.503 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.248 to:0.069 and:0.052 in:0.033 for:0.029 :0.415 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.018 have:0.017 of:0.016 in:0.013 the:0.012 :0.652 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +to:0.038 and:0.024 that:0.016 the:0.015 :0.015 :0.579 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 diff --git a/test-A/out.tsv b/test-A/out.tsv new file mode 100644 index 0000000..a7ba643 --- /dev/null +++ b/test-A/out.tsv @@ -0,0 +1,7414 @@ +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.019 of:0.01 and:0.01 The:0.007 that:0.006 :0.903 +of:0.159 and:0.063 to:0.039 in:0.032 the:0.031 :0.372 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.176 to:0.075 and:0.065 in:0.043 for:0.035 :0.416 +been:0.032 since:0.03 the:0.023 to:0.023 not:0.014 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +days:0.072 weeks:0.04 years:0.038 months:0.017 days,:0.015 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +who:0.009 of:0.008 by:0.007 that:0.006 in:0.006 :0.965 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 to:0.037 and:0.021 in:0.02 the:0.019 :0.611 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +of:0.066 the:0.023 to:0.022 and:0.021 that:0.015 :0.659 +to:0.108 in:0.037 and:0.025 a:0.021 on:0.017 :0.54 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.078 to:0.038 a:0.033 and:0.015 of:0.014 :0.631 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.102 to:0.075 and:0.037 is:0.035 was:0.03 :0.545 +of:0.058 and:0.051 the:0.028 to:0.02 in:0.02 :0.62 +of:0.03 and:0.029 in:0.025 the:0.024 to:0.022 :0.691 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +into:0.003 forth:0.002 estate,:0.002 to:0.002 KANSAS:0.001 :0.989 +the:0.031 and:0.012 it:0.01 they:0.01 of:0.009 :0.746 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.011 was:0.01 and:0.01 is:0.009 for:0.008 :0.875 +the:0.039 and:0.019 to:0.016 a:0.015 as:0.012 :0.573 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +.:0.007 S:0.001 of:0.001 AND:0.001 .,:0.001 :0.989 +as:0.184 to:0.032 after:0.027 that:0.023 and:0.022 :0.481 +of:0.533 and:0.059 to:0.037 of\nthe:0.027 for:0.026 :0.239 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.074 and:0.037 the:0.035 to:0.029 in:0.016 :0.423 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +of:0.042 the:0.04 to:0.03 was:0.022 and:0.018 :0.373 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +of:0.119 that:0.069 and:0.056 to:0.047 is:0.034 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.075 to:0.026 a:0.019 it:0.019 and:0.016 :0.739 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.11 a:0.029 to:0.015 and:0.014 of:0.014 :0.574 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.137 of:0.096 and:0.077 in:0.044 for:0.03 :0.487 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.2 the:0.027 to:0.025 and:0.024 a:0.013 :0.359 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.138 in:0.042 to:0.041 is:0.034 and:0.03 :0.539 +of:0.18 to:0.138 in:0.064 and:0.053 by:0.026 :0.15 +of:0.063 and:0.031 or:0.01 :0.01 the:0.009 :0.434 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.245 and:0.038 of:0.038 as:0.034 that:0.028 :0.36 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.114 the:0.031 was:0.022 is:0.02 not:0.019 :0.512 +the:0.077 and:0.019 to:0.018 a:0.017 for:0.014 :0.524 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.084 that:0.046 and:0.044 the:0.031 for:0.02 :0.628 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.142 to:0.044 a:0.036 not:0.032 and:0.03 :0.581 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.025 not:0.02 a:0.012 to:0.011 and:0.01 :0.77 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +to:0.196 of:0.1 for:0.049 and:0.049 is:0.043 :0.353 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +and:0.104 to:0.055 of:0.054 the:0.048 that:0.019 :0.47 +and:0.099 of:0.068 to:0.06 in:0.034 the:0.018 :0.538 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.062 of:0.056 the:0.032 in:0.02 to:0.019 :0.445 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.029 to:0.014 and:0.008 the:0.008 of:0.007 :0.9 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.052 30:0.024 of:0.023 west:0.018 and:0.014 :0.654 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 and:0.055 to:0.035 in:0.031 or:0.022 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.268 to:0.059 and:0.03 that:0.016 in:0.015 :0.42 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +the:0.059 of:0.029 and:0.024 that:0.022 to:0.02 :0.515 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.09 the:0.05 and:0.017 jury:0.013 to:0.011 :0.549 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.081 and:0.052 for:0.025 by:0.021 from:0.02 :0.801 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.096 and:0.062 to:0.041 the:0.04 in:0.037 :0.517 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.139 the:0.059 a:0.041 to:0.021 that:0.011 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.038 the:0.026 of:0.023 is:0.022 in:0.013 :0.457 +of:0.042 the:0.04 to:0.03 was:0.022 and:0.018 :0.373 +than:0.621 the:0.025 of:0.006 and:0.005 a:0.004 :0.214 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.044 and:0.03 to:0.025 in:0.024 is:0.009 :0.535 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.159 and:0.063 to:0.039 in:0.032 the:0.031 :0.372 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.024 the:0.021 in:0.015 had:0.011 to:0.011 :0.733 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +the:0.096 to:0.044 a:0.037 and:0.025 of:0.025 :0.587 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +the:0.123 a:0.077 of:0.02 that:0.015 and:0.013 :0.573 +a:0.018 the:0.015 much:0.011 in:0.008 to:0.008 :0.742 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.05 of:0.028 a:0.019 and:0.016 to:0.014 :0.574 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +as:0.003 KANSAS:0.002 and:0.002 is:0.002 to:0.001 :0.989 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.088 and:0.041 a:0.028 to:0.027 in:0.024 :0.665 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.019 men:0.015 and:0.013 in:0.007 as:0.005 :0.651 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.165 to:0.148 and:0.067 the:0.041 in:0.026 :0.333 +of:0.499 in:0.042 to:0.037 and:0.029 with:0.026 :0.27 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.208 and:0.065 to:0.065 for:0.035 the:0.031 :0.4 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.053 of:0.033 and:0.026 the:0.02 in:0.017 :0.74 +to:0.033 and:0.012 be:0.01 of:0.008 that:0.007 :0.914 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +been:0.032 since:0.03 the:0.023 to:0.023 not:0.014 :0.485 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +to:0.157 of:0.051 in:0.037 the:0.026 and:0.021 :0.537 +of:0.054 the:0.046 to:0.023 in:0.021 and:0.017 :0.445 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.078 of:0.058 to:0.035 in:0.023 the:0.019 :0.582 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +to:0.038 and:0.03 days:0.023 that:0.015 the:0.012 :0.563 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.053 of:0.05 the:0.048 to:0.044 by:0.023 :0.419 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.064 to:0.05 and:0.048 the:0.03 in:0.029 :0.569 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +of:0.075 to:0.028 and:0.022 the:0.019 as:0.016 :0.686 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.137 of:0.096 and:0.077 in:0.044 for:0.03 :0.487 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +that:0.051 to:0.045 of:0.045 and:0.028 the:0.026 :0.649 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.023 of:0.019 the:0.011 or:0.007 :0.005 :0.657 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.072 and:0.06 to:0.047 in:0.032 the:0.025 :0.665 +the:0.017 a:0.015 and:0.011 of:0.008 more:0.008 :0.568 +not:0.003 made:0.003 in:0.003 of:0.002 who:0.002 :0.989 +and:0.026 of:0.015 the:0.013 as:0.011 to:0.008 :0.393 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.05 of:0.047 to:0.032 and:0.025 that:0.02 :0.463 +to:0.098 in:0.065 of:0.052 and:0.041 is:0.033 :0.483 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +of:0.253 and:0.072 to:0.047 as:0.018 that:0.014 :0.323 +to:0.029 that:0.023 and:0.022 for:0.019 of:0.013 :0.868 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.059 to:0.049 not:0.035 a:0.032 and:0.031 :0.542 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.306 to:0.044 and:0.03 the:0.021 is:0.02 :0.521 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.151 to:0.053 and:0.052 in:0.029 for:0.021 :0.475 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.137 to:0.095 and:0.072 in:0.051 for:0.026 :0.433 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.074 and:0.037 the:0.035 to:0.029 in:0.016 :0.423 +the:0.041 and:0.025 of:0.021 that:0.015 which:0.013 :0.574 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.037 and:0.022 of:0.018 as:0.013 that:0.012 :0.429 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.145 a:0.031 by:0.019 of:0.016 and:0.015 :0.356 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.092 that:0.078 of:0.04 to:0.036 and:0.03 :0.532 +is:0.042 was:0.041 to:0.036 of:0.032 and:0.019 :0.672 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +to:0.046 of:0.04 and:0.037 the:0.021 in:0.018 :0.66 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +of:0.056 and:0.047 to:0.047 in:0.031 is:0.026 :0.513 +a:0.052 of:0.047 the:0.036 and:0.024 out:0.016 :0.51 +that:0.027 to:0.024 of:0.022 the:0.019 for:0.018 :0.857 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +and:0.031 of:0.03 as:0.011 :0.011 in:0.009 :0.654 +to:0.113 the:0.039 and:0.038 of:0.026 that:0.015 :0.514 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +of:0.205 and:0.08 in:0.038 to:0.033 are:0.027 :0.517 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +the:0.034 of:0.014 to:0.014 a:0.013 and:0.011 :0.475 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.15 and:0.04 in:0.029 is:0.015 for:0.012 :0.58 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +the:0.035 of:0.016 to:0.015 and:0.014 that:0.009 :0.618 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.061 a:0.015 to:0.013 and:0.012 that:0.012 :0.645 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.114 and:0.037 to:0.035 a:0.033 of:0.027 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +to:0.097 of:0.04 in:0.033 and:0.028 the:0.019 :0.602 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +of:0.185 to:0.15 and:0.051 in:0.041 that:0.025 :0.316 +the:0.022 of:0.017 and:0.016 is:0.01 was:0.008 :0.341 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.067 the:0.063 of:0.049 is:0.02 was:0.019 :0.568 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.02 and:0.019 the:0.019 time:0.016 DAILY:0.014 :0.63 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.41 a:0.057 his:0.022 all:0.015 tho:0.015 :0.249 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 to:0.024 of:0.023 in:0.02 the:0.019 :0.715 +the:0.039 and:0.036 to:0.028 of:0.018 that:0.018 :0.48 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +to:0.103 of:0.071 and:0.027 in:0.027 will:0.015 :0.455 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.015 be:0.011 not:0.007 of:0.004 bo:0.004 :0.96 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.103 a:0.041 of:0.025 to:0.024 in:0.022 :0.521 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +to:0.134 and:0.069 of:0.063 in:0.051 the:0.039 :0.498 +of:0.101 and:0.067 to:0.037 the:0.037 that:0.017 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.21 to:0.084 and:0.055 the:0.046 that:0.041 :0.463 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.083 of:0.06 to:0.025 that:0.021 or:0.019 :0.328 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.461 and:0.043 to:0.029 the:0.016 for:0.013 :0.308 +of:0.166 and:0.06 the:0.052 to:0.028 in:0.02 :0.298 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +is:0.012 to:0.012 of:0.01 and:0.01 in:0.009 :0.943 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.396 and:0.022 the:0.02 to:0.019 in:0.015 :0.382 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.072 a:0.027 that:0.015 to:0.015 and:0.014 :0.492 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +to:0.044 and:0.025 the:0.023 of:0.022 in:0.019 :0.65 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +the:0.043 and:0.01 to:0.007 of:0.006 in:0.004 :0.318 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +secured:0.121 the:0.058 of:0.045 to:0.038 a:0.035 :0.497 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +in:0.02 to:0.012 that:0.012 of:0.01 and:0.01 :0.791 +to:0.15 of:0.061 in:0.057 and:0.046 for:0.024 :0.546 +be:0.052 of:0.044 and:0.024 not:0.023 to:0.022 :0.775 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 of:0.054 a:0.036 and:0.027 to:0.021 :0.436 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.064 to:0.05 and:0.048 the:0.03 in:0.029 :0.569 +:0.001 .,:0.001 OF:0.001 W.:0.001 instance,:0.001 :0.994 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.028 and:0.022 to:0.01 of:0.009 that:0.007 :0.642 +of:0.224 and:0.075 to:0.066 on:0.03 in:0.026 :0.461 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.061 to:0.037 of:0.036 a:0.036 and:0.029 :0.494 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.119 of:0.108 as:0.062 and:0.051 that:0.033 :0.306 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.142 to:0.038 and:0.022 is:0.022 was:0.019 :0.693 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +FORUM:0.001 COAST:0.001 HEREBY:0.001 COUNTRY:0.001 Assessor:0.001 :0.996 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.071 to:0.045 a:0.04 of:0.031 and:0.025 :0.577 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.053 in:0.049 to:0.043 of:0.042 by:0.024 :0.72 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.274 and:0.059 is:0.025 to:0.023 in:0.018 :0.363 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.029 to:0.022 and:0.014 that:0.012 by:0.01 :0.889 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +and:0.01 in:0.008 the:0.007 .:0.005 :0.005 :0.958 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +and:0.027 the:0.027 to:0.025 a:0.024 of:0.019 :0.52 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.108 to:0.041 of:0.031 in:0.021 and:0.019 :0.44 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.022 to:0.012 of:0.007 is:0.007 had:0.007 :0.806 +is:0.025 was:0.018 who:0.012 and:0.01 of:0.009 :0.901 +of:0.208 and:0.065 to:0.065 for:0.035 the:0.031 :0.4 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.11 in:0.042 and:0.041 to:0.028 for:0.021 :0.714 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.03 and:0.023 have:0.016 be:0.015 the:0.014 :0.649 +the:0.194 of:0.07 a:0.053 to:0.041 that:0.02 :0.317 +the:0.02 a:0.008 and:0.007 not:0.006 only:0.006 :0.849 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.057 the:0.031 and:0.031 be:0.025 to:0.024 :0.748 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +to:0.063 the:0.054 of:0.053 a:0.053 in:0.039 :0.563 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +and:0.036 AND:0.013 of:0.012 the:0.011 that:0.01 :0.873 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +had:0.024 of:0.023 to:0.019 have:0.016 are:0.015 :0.827 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.03 of:0.012 and:0.007 to:0.007 all:0.006 :0.817 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +of:0.09 and:0.041 or:0.015 is:0.015 was:0.013 :0.612 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +and:0.041 the:0.03 in:0.02 of:0.019 a:0.015 :0.5 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.221 to:0.125 and:0.062 for:0.03 in:0.03 :0.445 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.058 of:0.032 and:0.016 to:0.015 a:0.014 :0.747 +of:0.063 and:0.027 have:0.021 in:0.02 are:0.019 :0.602 +and:0.088 of:0.069 to:0.048 The:0.047 in:0.023 :0.547 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.045 a:0.033 and:0.025 that:0.021 of:0.021 :0.606 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.035 not:0.034 and:0.027 that:0.024 the:0.023 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.102 to:0.075 and:0.037 is:0.035 was:0.03 :0.545 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.097 of:0.031 and:0.017 to:0.013 it:0.012 :0.48 +of:0.396 and:0.022 the:0.02 to:0.019 in:0.015 :0.382 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.03 DAILY:0.01 .,:0.003 men:0.003 persons:0.002 :0.945 +the:0.039 of:0.029 and:0.026 to:0.02 that:0.017 :0.596 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +of:0.057 and:0.019 to:0.018 the:0.018 a:0.014 :0.661 +and:0.016 the:0.015 to:0.014 of:0.01 had:0.009 :0.727 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +out:0.017 up:0.012 in:0.011 to:0.009 with:0.007 :0.945 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +of:0.144 and:0.052 the:0.04 to:0.025 that:0.023 :0.603 +the:0.117 and:0.051 of:0.037 that:0.029 a:0.023 :0.408 +of:0.05 the:0.049 and:0.025 a:0.025 that:0.022 :0.593 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.18 a:0.12 it:0.019 and:0.016 that:0.013 :0.355 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +to:0.06 in:0.027 is:0.026 and:0.025 as:0.022 :0.611 +of:0.085 and:0.035 to:0.027 was:0.022 is:0.021 :0.727 +of:0.104 and:0.036 to:0.036 in:0.032 the:0.03 :0.571 +the:0.02 a:0.013 JOURNAL:0.006 The:0.005 his:0.004 :0.904 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +OF:0.008 that:0.005 of:0.004 and:0.004 are:0.003 :0.971 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.158 and:0.057 the:0.04 to:0.03 that:0.02 :0.402 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +of:0.08 to:0.055 and:0.038 the:0.035 in:0.034 :0.537 +of:0.149 and:0.047 are:0.036 the:0.024 to:0.021 :0.53 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.143 to:0.107 in:0.051 and:0.038 is:0.027 :0.465 +of:0.019 men:0.015 and:0.013 in:0.007 as:0.005 :0.651 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +to:0.207 of:0.086 and:0.048 in:0.034 from:0.022 :0.326 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.047 the:0.023 that:0.022 to:0.022 .:0.022 :0.498 +and:0.019 the:0.017 of:0.014 to:0.013 that:0.011 :0.752 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.064 the:0.044 and:0.044 of:0.032 to:0.028 :0.617 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.026 and:0.014 a:0.014 of:0.013 to:0.012 :0.493 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +of:0.207 and:0.045 to:0.044 the:0.032 in:0.015 :0.445 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.115 to:0.087 the:0.052 and:0.051 a:0.043 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.022 a:0.021 the:0.02 of:0.019 in:0.019 :0.682 +months:0.04 years:0.031 and:0.026 as:0.015 days:0.014 :0.506 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +to:0.01 of:0.008 in:0.007 and:0.007 with:0.006 :0.951 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.129 and:0.11 to:0.048 in:0.029 the:0.024 :0.458 +the:0.101 you:0.041 a:0.03 me:0.022 of:0.022 :0.599 +of:0.034 and:0.023 to:0.016 or:0.01 in:0.009 :0.647 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +not:0.013 the:0.01 and:0.007 of:0.006 been:0.006 :0.951 +and:0.053 in:0.049 to:0.043 of:0.042 by:0.024 :0.72 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.07 and:0.065 of:0.065 as:0.031 in:0.03 :0.516 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +of:0.178 to:0.053 in:0.033 the:0.032 and:0.016 :0.399 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +to:0.021 and:0.021 of:0.01 for:0.009 in:0.008 :0.838 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.049 to:0.039 of:0.026 and:0.018 a:0.014 :0.662 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.158 and:0.059 in:0.04 to:0.022 for:0.021 :0.442 +of:0.042 the:0.04 to:0.03 was:0.022 and:0.018 :0.373 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +to:0.095 of:0.065 and:0.051 the:0.03 in:0.029 :0.612 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.084 that:0.046 and:0.044 the:0.031 for:0.02 :0.628 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.44 and:0.038 of\nthe:0.022 in:0.022 to:0.022 :0.346 +of:0.081 to:0.075 and:0.056 in:0.044 for:0.02 :0.43 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.035 and:0.021 the:0.018 in:0.017 of:0.017 :0.318 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.032 of:0.027 to:0.027 the:0.02 had:0.009 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.197 and:0.051 in:0.038 to:0.025 for:0.015 :0.273 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.039 of:0.015 a:0.011 and:0.01 that:0.009 :0.786 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.071 and:0.066 to:0.044 that:0.032 as:0.024 :0.457 +to:0.051 of:0.03 per:0.025 and:0.022 in:0.013 :0.638 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +to:0.055 as:0.036 of:0.036 and:0.034 in:0.026 :0.568 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +and:0.054 to:0.041 of:0.016 in:0.015 the:0.013 :0.57 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.044 and:0.02 to:0.019 a:0.011 in:0.011 :0.414 +of:0.134 the:0.057 that:0.032 for:0.029 to:0.021 :0.598 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.007 to:0.006 m:0.005 for:0.004 of:0.004 :0.969 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.114 a:0.052 to:0.027 and:0.018 of:0.017 :0.449 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.094 of:0.091 and:0.057 in:0.037 with:0.029 :0.488 +of:0.248 to:0.069 and:0.052 in:0.033 for:0.029 :0.415 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.091 to:0.044 the:0.043 in:0.04 that:0.032 :0.531 +to:0.107 and:0.047 in:0.038 for:0.027 of:0.025 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.1 of:0.052 the:0.048 in:0.047 that:0.041 :0.645 +to:0.132 and:0.068 in:0.039 of:0.028 on:0.014 :0.409 +of:0.02 and:0.015 to:0.014 in:0.01 is:0.007 :0.806 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.013 and:0.007 .:0.003 :0.003 out:0.003 :0.967 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +of:0.054 and:0.045 to:0.032 is:0.015 in:0.014 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.08 the:0.062 to:0.039 that:0.038 in:0.026 :0.547 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.079 and:0.046 in:0.031 The:0.031 to:0.027 :0.49 +and:0.088 of:0.069 to:0.048 The:0.047 in:0.023 :0.547 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.046 the:0.043 of:0.023 in:0.015 a:0.015 :0.444 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.193 and:0.029 the:0.027 to:0.023 for:0.022 :0.383 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +of:0.312 to:0.078 and:0.037 in:0.029 are:0.023 :0.358 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.008 and:0.005 is:0.005 was:0.004 that:0.004 :0.791 +and:0.058 of:0.052 the:0.026 as:0.017 in:0.014 :0.35 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.038 and:0.03 days:0.023 that:0.015 the:0.012 :0.563 +and:0.076 of:0.049 to:0.032 the:0.02 in:0.014 :0.43 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +of:0.045 and:0.04 the:0.026 in:0.016 to:0.014 :0.578 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.184 to:0.15 and:0.063 in:0.059 for:0.037 :0.399 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.028 and:0.022 to:0.01 of:0.009 that:0.007 :0.642 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +and:0.037 of:0.024 the:0.022 a:0.017 to:0.013 :0.234 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.092 and:0.087 to:0.074 in:0.024 for:0.019 :0.482 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.035 of:0.026 and:0.02 in:0.015 at:0.006 :0.65 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +of:0.161 to:0.044 and:0.04 in:0.026 the:0.026 :0.47 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.005 from:0.003 to:0.002 but:0.002 that:0.002 :0.983 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.286 that:0.05 for:0.049 and:0.034 in:0.033 :0.405 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +of:0.151 to:0.076 in:0.044 not:0.036 a:0.028 :0.529 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.08 of:0.028 to:0.025 is:0.024 by:0.018 :0.54 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +be:0.003 not:0.001 into:0.001 in\nsaid:0.001 up:0.001 :0.992 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.092 as:0.061 to:0.058 and:0.05 that:0.033 :0.57 +of:0.095 to:0.088 in:0.052 and:0.051 at:0.035 :0.497 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.191 and:0.042 that:0.039 to:0.038 in:0.035 :0.529 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.152 to:0.06 and:0.057 in:0.042 for:0.026 :0.419 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.003 them:0.002 us:0.002 which:0.002 him:0.001 :0.989 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.025 in:0.018 by:0.013 and:0.01 a:0.009 :0.516 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.363 to:0.063 with:0.035 for:0.028 in:0.026 :0.407 +of:0.079 and:0.046 in:0.031 The:0.031 to:0.027 :0.49 +to:0.054 and:0.045 of:0.034 the:0.031 with:0.02 :0.563 +to:0.074 the:0.051 of:0.035 in:0.033 and:0.033 :0.536 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +of:0.253 and:0.057 to:0.036 in:0.029 the:0.015 :0.488 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.042 a:0.036 to:0.031 that:0.028 of:0.025 :0.537 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.018 the:0.014 on:0.012 in:0.012 to:0.008 :0.583 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.04 and:0.036 in:0.028 to:0.028 the:0.02 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.132 of:0.12 in:0.078 and:0.076 with:0.043 :0.415 +the:0.088 a:0.028 for:0.028 to:0.015 and:0.014 :0.678 +years:0.068 of:0.058 and:0.03 to:0.029 or:0.028 :0.572 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.044 the:0.032 and:0.028 that:0.013 to:0.009 :0.618 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.034 and:0.031 of:0.013 a:0.01 to:0.008 :0.69 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.075 of:0.059 that:0.034 a:0.028 to:0.025 :0.565 +of:0.077 the:0.058 and:0.035 as:0.023 by:0.02 :0.503 +of:0.181 and:0.041 the:0.039 in:0.038 a:0.021 :0.503 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.051 and:0.041 be:0.014 in:0.013 that:0.012 :0.474 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +of:0.255 and:0.052 to:0.039 in:0.025 with:0.022 :0.493 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.056 the:0.044 that:0.041 and:0.034 to:0.033 :0.559 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +not:0.022 to:0.01 have:0.008 the:0.008 and:0.007 :0.371 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.045 of:0.033 that:0.016 in:0.015 and:0.014 :0.843 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.031 as:0.03 of:0.03 to:0.028 is:0.028 :0.526 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.42 and:0.06 to:0.048 as:0.034 in:0.019 :0.275 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.049 of:0.041 to:0.029 and:0.029 is:0.028 :0.65 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.106 to:0.062 and:0.062 in:0.045 by:0.033 :0.373 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.074 and:0.049 of:0.04 in:0.035 the:0.034 :0.689 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +and:0.059 of:0.035 the:0.034 is:0.02 as:0.017 :0.409 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.05 of:0.028 a:0.019 and:0.016 to:0.014 :0.574 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.067 and:0.067 to:0.03 in:0.029 have:0.012 :0.418 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +of:0.065 the:0.036 and:0.029 that:0.015 or:0.012 :0.515 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.132 to:0.063 and:0.043 in:0.042 by:0.034 :0.555 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.185 of:0.034 and:0.031 to:0.027 a:0.025 :0.504 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.147 a:0.036 of:0.02 to:0.02 and:0.015 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.039 and:0.036 to:0.028 of:0.018 that:0.018 :0.48 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +the:0.016 to:0.01 a:0.006 and:0.005 in:0.005 :0.21 +OF:0.005 good:0.002 money:0.002 that:0.002 m:0.002 :0.98 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.041 to:0.041 and:0.04 a:0.025 as:0.02 :0.618 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.028 and:0.022 to:0.01 of:0.009 that:0.007 :0.642 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.134 and:0.043 to:0.043 in:0.02 from:0.015 :0.477 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.131 and:0.067 to:0.052 of:0.029 a:0.019 :0.398 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.118 of:0.103 and:0.046 in:0.029 for:0.022 :0.465 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +of:0.076 and:0.023 in:0.018 to:0.014 a:0.014 :0.367 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.165 and:0.063 to:0.051 in:0.023 for:0.023 :0.464 +and:0.023 of:0.011 part:0.007 or:0.006 to:0.006 :0.561 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.086 the:0.048 and:0.025 a:0.016 in:0.014 :0.494 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +that:0.027 the:0.022 and:0.013 to:0.011 a:0.009 :0.703 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +of:0.121 in:0.079 to:0.063 and:0.054 for:0.04 :0.448 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.039 and:0.019 to:0.016 a:0.015 as:0.012 :0.573 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.075 of:0.035 that:0.034 the:0.033 to:0.022 :0.401 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +of:0.055 and:0.042 in:0.028 at:0.02 by:0.017 :0.629 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.055 and:0.018 is:0.013 as:0.009 in:0.008 :0.883 +of:0.045 the:0.033 and:0.03 to:0.026 in:0.017 :0.62 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.117 and:0.065 than:0.029 in:0.016 a:0.016 :0.359 +of:0.025 and:0.022 or:0.011 but:0.009 in:0.006 :0.863 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.158 and:0.057 the:0.04 to:0.03 that:0.02 :0.402 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.106 and:0.029 to:0.023 that:0.022 as:0.019 :0.634 +the:0.108 been:0.055 a:0.03 no:0.008 not:0.008 :0.552 +of:0.125 a:0.068 the:0.064 and:0.031 to:0.029 :0.461 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +and:0.01 the:0.007 to:0.006 that:0.006 a:0.006 :0.634 +that:0.021 the:0.01 to:0.01 and:0.009 of:0.007 :0.899 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.061 to:0.027 a:0.022 of:0.022 and:0.019 :0.517 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.035 to:0.028 and:0.025 the:0.024 in:0.021 :0.581 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.023 of:0.011 part:0.007 or:0.006 to:0.006 :0.561 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.088 to:0.04 and:0.037 in:0.027 for:0.016 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.097 to:0.052 that:0.045 a:0.043 in:0.018 :0.56 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +to:0.068 the:0.036 a:0.035 in:0.031 of:0.019 :0.689 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.108 of:0.104 and:0.039 at:0.03 in:0.027 :0.437 +of:0.116 and:0.064 to:0.056 in:0.047 on:0.018 :0.425 +of:0.173 to:0.074 and:0.066 for:0.039 the:0.034 :0.573 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.04 and:0.036 in:0.028 to:0.028 the:0.02 :0.524 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +:0.005 to:0.002 in:0.002 per:0.002 and:0.002 :0.981 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.129 of:0.112 in:0.036 and:0.03 a:0.027 :0.501 +to:0.036 and:0.029 in:0.026 of:0.02 will:0.016 :0.58 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +of:0.097 to:0.041 and:0.031 .:0.021 in:0.016 :0.731 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.124 in:0.037 to:0.034 and:0.032 as:0.018 :0.565 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.049 of:0.041 to:0.029 and:0.029 is:0.028 :0.65 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.16 to:0.079 in:0.059 and:0.057 for:0.036 :0.436 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +of:0.129 and:0.11 to:0.048 in:0.029 the:0.024 :0.458 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.283 to:0.139 and:0.038 in:0.036 for:0.026 :0.327 +of:0.324 to:0.132 and:0.033 the:0.023 in:0.022 :0.285 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.083 a:0.061 of:0.04 to:0.032 and:0.031 :0.54 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.049 to:0.036 of:0.023 and:0.021 a:0.02 :0.473 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.091 of:0.065 to:0.056 the:0.042 in:0.017 :0.538 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.044 and:0.02 to:0.019 a:0.011 in:0.011 :0.414 +of:0.075 to:0.026 and:0.019 the:0.018 in:0.015 :0.532 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.08 of:0.077 in:0.064 the:0.018 that:0.018 :0.386 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +with:0.17 of:0.051 to:0.048 and:0.036 in:0.031 :0.449 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.055 and:0.034 to:0.022 is:0.016 was:0.016 :0.492 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.052 and:0.022 of:0.017 in:0.015 to:0.012 :0.551 +of:0.081 and:0.023 the:0.023 in:0.015 will:0.014 :0.572 +of:0.137 to:0.095 and:0.072 in:0.051 for:0.026 :0.433 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +to:0.115 and:0.035 in:0.026 is:0.022 from:0.017 :0.577 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.16 and:0.054 to:0.028 in:0.022 the:0.016 :0.382 +of:0.21 to:0.084 and:0.055 the:0.046 that:0.041 :0.463 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 of:0.014 is:0.013 was:0.013 The:0.012 :0.624 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.015 in:0.011 year:0.009 with:0.008 to:0.007 :0.735 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +be:0.001 him:0.001 us:0.001 them:0.001 the:0.001 :0.993 +to:0.035 and:0.029 of:0.027 a:0.023 the:0.023 :0.336 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +the:0.154 to:0.026 that:0.025 of:0.02 and:0.018 :0.425 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +of:0.333 and:0.033 in:0.022 is:0.021 to:0.015 :0.34 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.158 that:0.07 to:0.06 and:0.053 the:0.046 :0.494 +of:0.1 time:0.045 and:0.03 to:0.014 in:0.01 :0.544 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +that:0.074 to:0.052 and:0.025 he:0.024 the:0.016 :0.597 +of:0.083 and:0.051 was:0.021 is:0.021 to:0.02 :0.579 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.154 and:0.066 of:0.047 to:0.018 a:0.013 :0.306 +of:0.101 to:0.039 and:0.035 the:0.022 that:0.02 :0.527 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.372 and:0.07 to:0.041 in:0.022 that:0.012 :0.303 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +the:0.049 to:0.039 and:0.033 in:0.02 is:0.017 :0.616 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.106 to:0.053 for:0.033 and:0.031 in:0.031 :0.746 +and:0.064 with:0.034 in:0.032 to:0.03 of:0.025 :0.554 +of:0.218 to:0.1 and:0.056 in:0.035 for:0.031 :0.411 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +of:0.112 to:0.061 and:0.036 in:0.029 is:0.022 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.056 and:0.03 to:0.028 is:0.025 was:0.024 :0.62 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.036 the:0.034 and:0.03 a:0.025 that:0.022 :0.708 +the:0.074 in:0.053 to:0.038 and:0.03 that:0.029 :0.41 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.036 and:0.033 that:0.015 by:0.012 :0.388 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.1 and:0.054 to:0.037 for:0.035 in:0.033 :0.542 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.113 to:0.105 of:0.068 that:0.057 and:0.051 :0.497 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +.:0.03 DAILY:0.01 .,:0.003 men:0.003 persons:0.002 :0.945 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +into:0.04 to:0.012 of:0.008 and:0.006 by:0.005 :0.93 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +the:0.066 a:0.031 and:0.025 to:0.016 that:0.011 :0.502 +to:0.086 of:0.064 and:0.061 the:0.041 in:0.03 :0.411 +of:0.238 to:0.102 and:0.072 that:0.044 in:0.031 :0.4 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.075 in:0.058 and:0.04 of:0.032 a:0.024 :0.535 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.08 to:0.027 a:0.025 and:0.012 in:0.011 :0.419 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +to:0.136 of:0.074 the:0.062 is:0.041 and:0.039 :0.484 +to:0.116 of:0.102 in:0.058 and:0.043 that:0.035 :0.413 +and:0.042 of:0.028 as:0.024 to:0.02 in:0.019 :0.598 +to:0.07 of:0.052 and:0.044 the:0.023 as:0.018 :0.407 +to:0.051 of:0.03 per:0.025 and:0.022 in:0.013 :0.638 +of:0.077 the:0.058 and:0.035 as:0.023 by:0.02 :0.503 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.065 of:0.056 and:0.05 to:0.032 in:0.022 :0.663 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.036 and:0.027 by:0.021 as:0.02 in:0.019 :0.67 +and:0.033 that:0.028 of:0.028 to:0.027 the:0.024 :0.511 +of:0.092 was:0.037 and:0.035 is:0.034 will:0.03 :0.629 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.053 in:0.049 to:0.043 of:0.042 by:0.024 :0.72 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.135 that:0.062 the:0.053 of:0.052 and:0.052 :0.491 +the:0.05 of:0.038 and:0.029 a:0.024 in:0.021 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 and:0.022 in:0.016 that:0.015 is:0.014 :0.556 +the:0.075 in:0.058 and:0.04 of:0.032 a:0.024 :0.535 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +of:0.377 to:0.122 and:0.055 in:0.046 for:0.035 :0.301 +to:0.074 of:0.054 and:0.034 for:0.021 is:0.021 :0.24 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.201 to:0.088 and:0.069 in:0.045 that:0.027 :0.448 +of:0.164 to:0.074 and:0.041 a:0.036 the:0.032 :0.447 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.138 and:0.052 in:0.024 to:0.024 have:0.021 :0.406 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.112 a:0.027 which:0.023 and:0.013 of:0.013 :0.643 +the:0.124 a:0.04 it:0.024 that:0.015 of:0.014 :0.576 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 and:0.048 of:0.037 to:0.028 for:0.026 :0.464 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +the:0.046 and:0.028 to:0.014 a:0.01 that:0.007 :0.551 +the:0.065 is:0.048 of:0.046 was:0.022 to:0.022 :0.565 +of:0.137 to:0.095 and:0.072 in:0.051 for:0.026 :0.433 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.095 and:0.031 to:0.023 a:0.018 of:0.014 :0.678 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.123 to:0.062 in:0.04 and:0.023 on:0.021 :0.537 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.067 the:0.063 of:0.049 is:0.02 was:0.019 :0.568 +of:0.203 to:0.077 and:0.061 in:0.044 for:0.04 :0.428 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.14 to:0.037 and:0.037 in:0.034 a:0.031 :0.407 +of:0.183 in:0.042 to:0.04 and:0.038 the:0.027 :0.37 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.032 and:0.029 the:0.009 in:0.008 be:0.007 :0.689 +to:0.038 the:0.03 of:0.021 and:0.015 in:0.014 :0.479 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.049 of:0.034 not:0.033 in:0.029 as:0.025 :0.553 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.079 of:0.045 and:0.043 that:0.03 the:0.03 :0.429 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.051 to:0.038 and:0.029 that:0.018 in:0.013 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.061 and:0.04 to:0.026 in:0.022 for:0.021 :0.532 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.699 and:0.018 the:0.011 to:0.01 is:0.009 :0.131 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.111 and:0.025 to:0.024 is:0.023 in:0.014 :0.482 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.12 the:0.064 to:0.055 and:0.03 a:0.025 :0.488 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +of:0.047 and:0.023 in:0.02 to:0.018 as:0.013 :0.571 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.279 to:0.076 and:0.049 in:0.032 or:0.016 :0.386 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.41 a:0.057 his:0.022 all:0.015 tho:0.015 :0.249 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.114 of:0.062 the:0.033 a:0.023 in:0.022 :0.402 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +to:0.15 of:0.086 in:0.035 and:0.028 that:0.022 :0.556 +to:0.061 for:0.028 in:0.024 a:0.023 and:0.021 :0.736 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +to:0.097 of:0.064 in:0.062 and:0.052 a:0.022 :0.512 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.181 of:0.175 to:0.047 for:0.044 that:0.039 :0.456 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.142 to:0.061 in:0.038 and:0.033 for:0.022 :0.547 +the:0.096 of:0.075 to:0.069 and:0.052 for:0.05 :0.533 +to:0.081 in:0.038 the:0.032 a:0.029 of:0.026 :0.534 +of:0.065 and:0.028 to:0.02 in:0.019 is:0.019 :0.781 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.069 a:0.039 of:0.027 and:0.023 to:0.019 :0.702 +of:0.027 the:0.024 and:0.017 to:0.016 a:0.012 :0.603 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.003 weeks:0.002 heard:0.001 not:0.001 did:0.001 :0.987 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.245 and:0.038 of:0.038 as:0.034 that:0.028 :0.36 +of:0.051 the:0.05 .:0.041 and:0.033 a:0.024 :0.363 +the:0.167 a:0.049 his:0.016 that:0.012 one:0.012 :0.694 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.038 and:0.037 of:0.03 in:0.03 as:0.022 :0.582 +of:0.252 and:0.052 to:0.04 that:0.026 in:0.024 :0.395 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.057 and:0.047 of:0.046 that:0.022 the:0.019 :0.67 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +the:0.064 a:0.023 is:0.009 this:0.008 it:0.005 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.164 of:0.074 that:0.023 a:0.02 to:0.018 :0.389 +of:0.102 the:0.067 and:0.051 it:0.043 to:0.039 :0.418 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.171 to:0.087 and:0.04 in:0.029 as:0.024 :0.415 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +months:0.04 years:0.031 and:0.026 as:0.015 days:0.014 :0.506 +of:0.04 that:0.028 and:0.028 the:0.02 in:0.013 :0.57 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.035 and:0.029 of:0.027 a:0.023 the:0.023 :0.336 +of:0.024 and:0.02 the:0.015 in:0.012 a:0.012 :0.592 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +of:0.043 and:0.04 in:0.028 for:0.023 not:0.017 :0.82 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.035 the:0.027 to:0.021 in:0.016 of:0.016 :0.626 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.33 a:0.022 them:0.02 his:0.018 this:0.017 :0.449 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.011 the:0.01 to:0.01 of:0.008 The:0.006 :0.907 +to:0.118 of:0.071 and:0.053 in:0.04 at:0.026 :0.692 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.699 and:0.018 the:0.011 to:0.01 is:0.009 :0.131 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.028 of:0.028 the:0.019 to:0.016 in:0.014 :0.746 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.045 and:0.031 the:0.025 in:0.022 are:0.019 :0.588 +to:0.104 in:0.024 as:0.019 and:0.018 for:0.012 :0.815 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +of:0.097 the:0.062 and:0.049 a:0.021 to:0.013 :0.442 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +of:0.104 to:0.057 and:0.054 in:0.036 the:0.024 :0.411 +and:0.059 of:0.047 to:0.037 the:0.03 in:0.021 :0.43 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.039 it:0.038 to:0.035 in:0.031 he:0.025 :0.667 +the:0.034 and:0.022 in:0.017 a:0.014 of:0.013 :0.388 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +to:0.116 of:0.065 the:0.057 and:0.051 that:0.042 :0.556 +and:0.056 of:0.052 the:0.043 to:0.034 by:0.02 :0.587 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.043 to:0.026 and:0.022 in:0.014 the:0.011 :0.706 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.286 that:0.05 for:0.049 and:0.034 in:0.033 :0.405 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.079 of:0.04 in:0.039 and:0.037 for:0.023 :0.453 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +of:0.124 and:0.044 than:0.024 part:0.023 in:0.02 :0.505 +are:0.002 of:0.002 have:0.002 had:0.002 only:0.002 :0.987 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +not:0.006 done:0.002 no:0.002 made:0.002 with:0.002 :0.987 +The:0.002 time,:0.001 :0.001 day:0.001 where:0.001 :0.99 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.064 of:0.045 was:0.035 is:0.034 and:0.029 :0.53 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +to:0.096 of:0.081 in:0.044 by:0.044 and:0.04 :0.476 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.21 of:0.062 and:0.055 in:0.03 the:0.018 :0.395 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.09 the:0.05 and:0.017 jury:0.013 to:0.011 :0.549 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.096 to:0.049 in:0.042 and:0.028 with:0.022 :0.574 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +to:0.092 the:0.051 a:0.03 and:0.022 of:0.019 :0.519 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.047 that:0.033 a:0.026 to:0.025 up:0.018 :0.689 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +the:0.096 to:0.044 a:0.037 and:0.025 of:0.025 :0.587 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.131 and:0.047 in:0.031 to:0.024 at:0.017 :0.491 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.339 to:0.077 and:0.031 in:0.022 is:0.015 :0.416 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.087 and:0.035 in:0.03 to:0.025 for:0.018 :0.689 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.031 as:0.03 of:0.03 to:0.028 is:0.028 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.229 in:0.048 and:0.043 for:0.04 of:0.033 :0.488 +the:0.12 to:0.066 a:0.06 that:0.051 in:0.037 :0.453 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +DAILY:0.026 of:0.012 The:0.009 a:0.008 and:0.007 :0.741 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.03 of:0.015 and:0.015 as:0.013 for:0.011 :0.875 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.163 the:0.081 and:0.028 for:0.026 in:0.025 :0.65 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.061 in:0.034 with:0.029 the:0.027 as:0.024 :0.729 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.036 and:0.027 the:0.026 it:0.025 of:0.016 :0.568 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +AND:0.016 and:0.007 of:0.007 to:0.004 DAILY:0.003 :0.957 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.034 in:0.027 a:0.023 and:0.017 that:0.015 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.121 and:0.051 to:0.031 that:0.029 in:0.022 :0.299 +of:0.135 and:0.069 in:0.067 to:0.065 is:0.03 :0.472 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +of:0.079 to:0.072 in:0.061 and:0.045 for:0.035 :0.588 +of:0.097 and:0.066 the:0.042 to:0.041 for:0.035 :0.53 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.053 with:0.034 to:0.032 and:0.028 of:0.024 :0.605 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +of:0.045 and:0.026 the:0.013 to:0.013 in:0.012 :0.52 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.142 of:0.074 in:0.042 and:0.037 by:0.027 :0.452 +of:0.195 that:0.079 and:0.053 by:0.042 in:0.04 :0.523 +of:0.121 in:0.079 to:0.063 and:0.054 for:0.04 :0.448 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +and:0.023 of:0.013 in:0.012 to:0.011 a:0.01 :0.879 +to:0.067 in:0.045 of:0.03 and:0.027 the:0.015 :0.582 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.248 to:0.069 and:0.037 in:0.035 that:0.023 :0.412 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.159 and:0.063 to:0.039 in:0.032 the:0.031 :0.372 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.048 and:0.026 of:0.018 in:0.016 a:0.009 :0.538 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.14 of:0.118 and:0.047 that:0.026 with:0.025 :0.624 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.058 and:0.041 to:0.025 for:0.023 in:0.02 :0.611 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +and:0.073 of:0.058 to:0.026 the:0.025 that:0.02 :0.441 +of:0.105 that:0.045 to:0.044 and:0.044 in:0.018 :0.593 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +of:0.073 to:0.073 and:0.059 the:0.046 in:0.038 :0.503 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.094 to:0.061 of:0.045 in:0.043 and:0.041 :0.499 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.045 in:0.042 a:0.038 and:0.03 o'clock:0.028 :0.69 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +are:0.002 of:0.002 have:0.002 had:0.002 only:0.002 :0.987 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.126 a:0.027 his:0.011 this:0.01 that:0.009 :0.465 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.055 to:0.042 and:0.03 in:0.028 a:0.027 :0.459 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +of:0.021 than:0.013 in:0.006 and:0.005 of\nthe:0.005 :0.94 +of:0.005 and:0.003 man:0.003 in:0.003 east:0.002 :0.974 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.037 of:0.034 to:0.03 that:0.022 in:0.02 :0.606 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.038 and:0.034 is:0.019 the:0.018 who:0.015 :0.723 +of:0.152 to:0.06 and:0.057 in:0.042 for:0.026 :0.419 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +to:0.275 on:0.042 in:0.04 of:0.033 for:0.023 :0.483 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.02 in:0.012 to:0.011 the:0.009 and:0.009 :0.927 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +of:0.078 and:0.046 that:0.022 is:0.021 for:0.02 :0.467 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +of:0.04 and:0.031 was:0.013 will:0.012 the:0.011 :0.652 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.065 and:0.041 the:0.019 to:0.018 side:0.016 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.095 that:0.088 and:0.077 of:0.045 the:0.039 :0.398 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +of:0.193 and:0.029 the:0.027 to:0.023 for:0.022 :0.383 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +to:0.05 of:0.048 and:0.039 that:0.019 in:0.019 :0.594 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.09 the:0.05 and:0.017 jury:0.013 to:0.011 :0.549 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.129 a:0.042 to:0.027 that:0.02 in:0.016 :0.51 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.077 in:0.039 and:0.025 a:0.025 to:0.02 :0.271 +and:0.013 to:0.011 that:0.011 of:0.01 the:0.009 :0.577 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.105 to:0.089 and:0.073 in:0.047 as:0.045 :0.467 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.029 and:0.016 to:0.016 for:0.015 as:0.015 :0.882 +of:0.103 and:0.063 the:0.034 a:0.015 as:0.012 :0.281 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.034 to:0.028 and:0.018 :0.011 a:0.01 :0.612 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.064 of:0.041 to:0.034 in:0.012 is:0.01 :0.533 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.071 a:0.039 of:0.015 in:0.012 and:0.011 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.191 to:0.155 that:0.05 the:0.038 in:0.035 :0.314 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.05 and:0.039 of:0.023 the:0.022 in:0.019 :0.629 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.283 to:0.139 and:0.038 in:0.036 for:0.026 :0.327 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 days:0.02 years:0.019 and:0.019 in:0.017 :0.802 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.09 and:0.05 of:0.038 in:0.034 for:0.015 :0.364 +of:0.065 the:0.036 and:0.029 that:0.015 or:0.012 :0.515 +of:0.233 in:0.071 to:0.06 the:0.045 and:0.045 :0.444 +and:0.024 the:0.015 to:0.011 that:0.009 of:0.008 :0.344 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +of:0.123 in:0.05 to:0.048 and:0.033 for:0.026 :0.429 +to:0.581 of:0.051 and:0.05 that:0.035 in:0.032 :0.178 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.049 and:0.044 the:0.033 that:0.024 to:0.021 :0.486 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +in:0.011 and:0.008 of:0.007 for:0.006 after:0.006 :0.954 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.053 and:0.034 the:0.033 to:0.028 not:0.023 :0.294 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.074 of:0.025 and:0.023 to:0.016 by:0.015 :0.452 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +of:0.067 and:0.061 to:0.033 the:0.031 in:0.03 :0.403 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.124 to:0.105 of:0.055 and:0.046 that:0.037 :0.494 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.026 the:0.021 as:0.014 of:0.014 in:0.013 :0.762 +not:0.077 the:0.069 a:0.051 that:0.011 to:0.011 :0.588 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.46 to:0.05 and:0.032 of\nthe:0.014 is:0.013 :0.295 +the:0.045 to:0.025 and:0.012 that:0.011 in:0.01 :0.753 +of:0.135 to:0.114 and:0.048 in:0.034 a:0.02 :0.43 +of:0.09 the:0.05 and:0.017 jury:0.013 to:0.011 :0.549 +of:0.363 to:0.063 with:0.035 for:0.028 in:0.026 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +OF:0.005 good:0.002 money:0.002 that:0.002 m:0.002 :0.98 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.164 and:0.047 to:0.044 the:0.018 for:0.017 :0.582 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +of:0.255 to:0.083 the:0.054 and:0.047 in:0.043 :0.355 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.062 of:0.042 and:0.027 the:0.019 in:0.013 :0.429 +COUNTY:0.004 o'clock:0.001 into:0.001 away:0.001 fees,:0.001 :0.993 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +to:0.07 of:0.061 the:0.04 and:0.034 is:0.029 :0.518 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.063 and:0.027 have:0.021 in:0.02 are:0.019 :0.602 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.039 of:0.019 corner:0.018 quarter:0.016 a:0.016 :0.66 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.058 in:0.024 the:0.02 that:0.013 to:0.012 :0.544 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.034 a:0.03 of:0.026 and:0.022 in:0.012 :0.497 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.046 to:0.027 for:0.018 in:0.017 the:0.017 :0.57 +of:0.094 to:0.071 is:0.029 the:0.028 a:0.026 :0.486 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.007 as:0.005 who:0.003 were:0.003 and:0.003 :0.979 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.059 of:0.036 and:0.026 in:0.025 a:0.019 :0.534 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +the:0.083 to:0.052 that:0.04 for:0.036 of:0.028 :0.628 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.06 a:0.031 of:0.022 to:0.021 and:0.018 :0.669 +of:0.132 and:0.029 in:0.018 to:0.016 that:0.012 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.099 and:0.022 to:0.012 in:0.011 the:0.011 :0.555 +.:0.064 the:0.021 and:0.009 The:0.008 a:0.007 :0.31 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.006 is:0.005 was:0.005 in:0.005 to:0.004 :0.955 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +of:0.154 the:0.061 they:0.041 he:0.039 it:0.035 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.045 and:0.04 the:0.026 in:0.016 to:0.014 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.084 of:0.056 the:0.042 to:0.039 in:0.038 :0.389 +to:0.239 in:0.052 of:0.049 and:0.035 that:0.023 :0.382 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.075 of:0.068 a:0.029 and:0.028 in:0.016 :0.591 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.088 the:0.041 of:0.035 to:0.032 that:0.028 :0.66 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +a:0.028 the:0.02 and:0.018 men:0.012 them:0.01 :0.673 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +and:0.035 the:0.012 .:0.01 but:0.009 in:0.008 :0.686 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +of:0.038 and:0.022 in:0.021 to:0.015 .:0.01 :0.845 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.065 and:0.041 the:0.019 to:0.018 side:0.016 :0.489 +the:0.047 that:0.012 of:0.01 which:0.01 time:0.01 :0.747 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.003 him:0.002 of:0.002 in:0.001 to:0.001 :0.987 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.122 to:0.029 had:0.022 and:0.021 is:0.021 :0.359 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.035 a:0.023 of:0.015 to:0.009 in:0.007 :0.867 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.067 the:0.039 and:0.03 of:0.03 a:0.02 :0.731 +the:0.052 and:0.036 in:0.028 of:0.016 to:0.015 :0.655 +of:0.204 and:0.06 to:0.044 in:0.042 on:0.027 :0.482 +of:0.138 and:0.052 in:0.024 to:0.024 have:0.021 :0.406 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.075 of:0.073 to:0.03 in:0.017 that:0.016 :0.431 +and:0.01 of:0.006 .:0.006 was:0.005 as:0.005 :0.935 +to:0.209 of:0.126 and:0.047 that:0.045 for:0.035 :0.421 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.041 in:0.029 and:0.025 to:0.022 is:0.021 :0.597 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.102 that:0.064 and:0.04 he:0.03 it:0.029 :0.515 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.14 that:0.054 and:0.031 to:0.024 this:0.015 :0.468 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.024 of:0.019 the:0.019 or:0.008 that:0.007 :0.427 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.049 the:0.032 and:0.029 that:0.023 to:0.021 :0.585 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.039 of:0.019 corner:0.018 quarter:0.016 a:0.016 :0.66 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 of:0.044 and:0.036 he:0.017 in:0.017 :0.609 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.066 a:0.039 of:0.028 to:0.022 and:0.02 :0.327 +the:0.069 he:0.057 to:0.039 and:0.031 it:0.029 :0.577 +The:0.002 Louis:0.002 -:0.001 W:0.001 H:0.001 :0.992 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +the:0.042 of:0.023 to:0.022 and:0.019 is:0.01 :0.502 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +of:0.291 to:0.076 and:0.06 in:0.028 for:0.023 :0.387 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.04 and:0.031 by:0.03 in:0.027 of:0.024 :0.79 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +per:0.185 of:0.093 and:0.027 to:0.02 in:0.017 :0.357 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.142 of:0.074 in:0.042 and:0.037 by:0.027 :0.452 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.193 to:0.055 and:0.047 in:0.025 by:0.021 :0.525 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +of:0.104 to:0.058 and:0.038 in:0.033 for:0.025 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.057 the:0.052 of:0.04 in:0.025 and:0.023 :0.166 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.178 and:0.052 to:0.047 in:0.017 or:0.014 :0.499 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.064 in:0.043 and:0.037 by:0.031 of:0.03 :0.446 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.186 and:0.066 in:0.043 the:0.043 to:0.041 :0.373 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.01 is:0.01 was:0.009 the:0.008 of:0.008 :0.832 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.104 to:0.058 and:0.038 in:0.033 for:0.025 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.14 the:0.048 to:0.045 and:0.035 a:0.027 :0.459 +the:0.07 to:0.023 of:0.019 and:0.017 is:0.017 :0.598 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +of:0.083 to:0.061 and:0.053 or:0.027 in:0.021 :0.492 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.04 a:0.018 that:0.01 and:0.009 it:0.008 :0.63 +and:0.058 of:0.036 to:0.025 The:0.017 was:0.013 :0.517 +to:0.046 of:0.04 and:0.037 the:0.021 in:0.018 :0.66 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.077 of:0.042 and:0.031 to:0.027 in:0.013 :0.425 +of:0.02 and:0.015 was:0.014 .:0.012 is:0.011 :0.487 +of:0.131 and:0.057 to:0.029 the:0.02 in:0.019 :0.54 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.099 of:0.068 to:0.06 in:0.034 the:0.018 :0.538 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.047 he:0.042 and:0.037 that:0.035 the:0.033 :0.405 +to:0.075 that:0.036 in:0.035 a:0.035 by:0.031 :0.648 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.154 of:0.071 and:0.047 in:0.033 the:0.027 :0.406 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +the:0.1 of:0.075 a:0.036 and:0.034 to:0.026 :0.329 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.046 of:0.042 a:0.034 in:0.025 and:0.025 :0.447 +"An:0.001 Rico:0.001 FORUM:0.001 One-third:0.001 Central,:0.001 :0.997 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.024 in:0.02 is:0.018 day:0.018 and:0.017 :0.68 +to:0.083 the:0.059 a:0.04 of:0.036 and:0.019 :0.442 +of:0.277 to:0.039 and:0.038 in:0.026 the:0.024 :0.365 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +the:0.004 not:0.004 be:0.004 he:0.003 it:0.003 :0.982 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +of:0.224 and:0.044 to:0.044 in:0.03 the:0.026 :0.315 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.104 of:0.062 and:0.051 in:0.035 that:0.031 :0.658 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.147 a:0.036 of:0.02 to:0.02 and:0.015 :0.533 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.053 to:0.048 of:0.045 in:0.037 as:0.012 :0.396 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +to:0.074 the:0.051 of:0.035 in:0.033 and:0.033 :0.536 +of:0.089 in:0.066 to:0.056 that:0.037 and:0.035 :0.614 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.058 of:0.049 to:0.03 o'clock:0.028 in:0.026 :0.582 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.07 to:0.042 and:0.038 with:0.032 is:0.03 :0.5 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.027 of:0.026 in:0.01 the:0.009 as:0.006 :0.512 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.069 and:0.033 in:0.03 to:0.016 as:0.014 :0.488 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +of:0.018 to:0.017 the:0.01 and:0.01 a:0.009 :0.547 +and:0.111 of:0.108 the:0.04 that:0.036 to:0.027 :0.333 +of:0.126 to:0.113 in:0.058 is:0.044 and:0.036 :0.502 +of:0.035 and:0.018 or:0.014 in:0.005 of\nthe:0.004 :0.863 +as:0.184 to:0.032 after:0.027 that:0.023 and:0.022 :0.481 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +to:0.085 of:0.068 and:0.049 in:0.043 the:0.033 :0.482 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.053 in:0.046 the:0.045 to:0.045 and:0.032 :0.358 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.109 and:0.045 :0.014 the:0.013 The:0.012 :0.566 +of:0.207 and:0.045 to:0.044 the:0.032 in:0.015 :0.445 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.045 and:0.033 in:0.032 to:0.02 as:0.017 :0.649 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +of:0.1 is:0.04 and:0.03 that:0.024 to:0.024 :0.547 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.078 and:0.04 of:0.027 to:0.013 which:0.012 :0.498 +of:0.056 the:0.044 a:0.029 to:0.026 and:0.021 :0.555 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.091 and:0.052 to:0.028 in:0.028 that:0.017 :0.502 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.1 the:0.066 and:0.044 that:0.041 for:0.032 :0.552 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +of:0.16 and:0.054 to:0.028 in:0.022 the:0.016 :0.382 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +and:0.023 the:0.016 of:0.013 he:0.006 by:0.006 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.138 and:0.074 to:0.059 that:0.03 in:0.026 :0.438 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.291 to:0.076 and:0.06 in:0.028 for:0.023 :0.387 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +of:0.158 and:0.079 to:0.062 in:0.031 for:0.017 :0.483 +of:0.119 the:0.104 and:0.064 to:0.03 that:0.028 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.079 and:0.049 to:0.016 the:0.016 is:0.015 :0.257 +and:0.071 of:0.053 in:0.024 to:0.017 for:0.008 :0.355 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.086 to:0.05 in:0.032 and:0.023 for:0.018 :0.503 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.193 and:0.034 in:0.032 for:0.023 to:0.021 :0.524 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +own:0.033 the:0.008 hand:0.006 The:0.005 to:0.005 :0.56 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.052 and:0.041 the:0.037 to:0.037 it:0.029 :0.744 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +the:0.039 and:0.019 to:0.016 a:0.015 as:0.012 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.253 and:0.057 to:0.036 in:0.029 the:0.015 :0.488 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +to:0.119 of:0.108 as:0.062 and:0.051 that:0.033 :0.306 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.03 is:0.023 of:0.016 :0.016 to:0.015 :0.686 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.081 to:0.075 of:0.073 in:0.036 that:0.022 :0.536 +of:0.096 and:0.056 the:0.038 with:0.023 in:0.017 :0.693 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +in:0.061 to:0.049 and:0.027 of:0.021 a:0.02 :0.582 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +nigh:0.001 Francisco:0.001 Paul,:0.001 3:0.0 Francisco.:0.0 :0.997 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.273 and:0.107 to:0.064 for:0.031 that:0.024 :0.392 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +been:0.182 a:0.043 the:0.031 to:0.027 of:0.01 :0.412 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +and:0.047 the:0.023 that:0.022 to:0.022 .:0.022 :0.498 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.133 and:0.057 in:0.037 the:0.026 to:0.023 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.06 and:0.039 of:0.039 that:0.037 a:0.019 :0.659 +to:0.132 of:0.064 for:0.049 in:0.047 and:0.037 :0.499 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.004 a:0.003 feet:0.003 .:0.003 to:0.003 :0.981 +to:0.05 and:0.036 the:0.027 of:0.026 in:0.024 :0.766 +and:0.067 the:0.054 of:0.029 a:0.026 in:0.026 :0.419 +of:0.079 and:0.035 to:0.03 in:0.024 edge:0.021 :0.643 +of:0.14 the:0.048 to:0.045 and:0.035 a:0.027 :0.459 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.036 and:0.027 by:0.021 as:0.02 in:0.019 :0.67 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.197 and:0.111 to:0.103 for:0.04 in:0.026 :0.318 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +the:0.078 to:0.06 a:0.056 as:0.031 of:0.027 :0.568 +of:0.07 to:0.04 and:0.031 that:0.017 the:0.016 :0.48 +of:0.04 and:0.038 to:0.036 in:0.026 for:0.021 :0.487 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.09 and:0.041 or:0.015 is:0.015 was:0.013 :0.612 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.034 and:0.023 side:0.015 to:0.01 the:0.009 :0.804 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.091 not:0.029 it:0.019 and:0.017 he:0.014 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.034 a:0.03 of:0.026 and:0.022 in:0.012 :0.497 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +of:0.036 to:0.024 and:0.024 in:0.018 is:0.015 :0.768 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.281 the:0.056 and:0.035 to:0.025 in:0.019 :0.377 +to:0.084 and:0.064 of:0.04 in:0.028 is:0.024 :0.564 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +of:0.121 to:0.072 the:0.048 in:0.043 and:0.041 :0.555 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.044 and:0.02 to:0.019 a:0.011 in:0.011 :0.414 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.069 a:0.017 of:0.017 :0.017 and:0.013 :0.614 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +AND:0.017 cent:0.001 OF:0.001 :0.001 reason:0.001 :0.979 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +to:0.094 of:0.053 and:0.042 the:0.032 a:0.027 :0.344 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.113 and:0.042 in:0.04 to:0.035 the:0.017 :0.503 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +of:0.18 to:0.037 is:0.027 and:0.023 the:0.016 :0.588 +A.:0.001 COUNTRY:0.0 Angeles:0.0 Britain:0.0 TOBACCO:0.0 :0.998 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +of:0.042 the:0.04 to:0.03 was:0.022 and:0.018 :0.373 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.188 to:0.123 and:0.06 from:0.03 for:0.03 :0.453 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.021 the:0.012 and:0.004 was:0.004 is:0.004 :0.89 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.097 a:0.045 to:0.044 that:0.037 and:0.025 :0.48 +of:0.045 the:0.033 and:0.03 to:0.026 in:0.017 :0.62 +and:0.046 of:0.044 to:0.038 in:0.032 the:0.022 :0.536 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.018 to:0.017 the:0.01 and:0.01 a:0.009 :0.547 +to:0.173 and:0.057 in:0.037 by:0.031 for:0.029 :0.58 +of:0.099 the:0.035 and:0.02 a:0.018 in:0.018 :0.623 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.071 the:0.057 of:0.037 in:0.032 and:0.029 :0.457 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.057 and:0.016 was:0.016 is:0.014 that:0.012 :0.518 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +AND:0.08 States:0.008 States,:0.004 States.:0.003 States\nand:0.001 :0.903 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +to:0.047 and:0.039 of:0.037 in:0.035 the:0.027 :0.487 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.062 and:0.046 to:0.021 in:0.018 at:0.015 :0.413 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.063 to:0.049 the:0.045 and:0.04 a:0.029 :0.596 +to:0.08 of:0.046 and:0.043 in:0.034 the:0.032 :0.68 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.121 and:0.064 in:0.04 to:0.039 or:0.019 :0.491 +in:0.022 the:0.02 that:0.018 and:0.016 who:0.013 :0.475 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.255 to:0.097 is:0.036 and:0.034 the:0.022 :0.356 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +the:0.078 to:0.038 a:0.033 and:0.015 of:0.014 :0.631 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.236 a:0.029 this:0.022 his:0.022 and:0.011 :0.412 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.076 to:0.059 in:0.036 the:0.026 of:0.018 :0.569 +to:0.075 and:0.051 of:0.037 the:0.025 for:0.025 :0.519 +and:0.114 of:0.075 as:0.062 the:0.047 to:0.044 :0.46 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.147 that:0.057 to:0.05 and:0.037 in:0.03 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.034 a:0.015 The:0.006 an:0.005 that:0.004 :0.594 +of:0.071 and:0.038 in:0.022 the:0.02 that:0.017 :0.599 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.049 to:0.033 in:0.025 and:0.025 that:0.015 :0.742 +of:0.356 to:0.08 and:0.07 in:0.031 is:0.024 :0.222 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +the:0.059 not:0.055 a:0.049 it:0.012 by:0.011 :0.671 +to:0.024 and:0.02 in:0.015 of:0.014 for:0.013 :0.768 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.059 and:0.048 of:0.042 the:0.034 in:0.032 :0.528 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.04 of:0.026 is:0.018 in:0.016 or:0.011 :0.656 +and:0.019 to:0.018 of:0.015 from:0.007 that:0.006 :0.922 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.099 the:0.053 and:0.041 in:0.021 to:0.018 :0.476 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.066 marked:0.046 in:0.024 of:0.024 that:0.022 :0.602 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.057 the:0.041 and:0.04 of:0.033 by:0.032 :0.568 +the:0.034 a:0.022 in:0.019 of:0.014 and:0.013 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.049 the:0.038 and:0.033 to:0.024 a:0.017 :0.619 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.063 that:0.042 and:0.041 of:0.025 to:0.018 :0.511 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.494 to:0.067 and:0.026 in:0.017 the:0.015 :0.251 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.249 and:0.056 in:0.038 that:0.031 to:0.031 :0.38 +the:0.034 it:0.027 a:0.026 to:0.025 and:0.022 :0.461 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.102 of:0.036 and:0.027 a:0.024 to:0.017 :0.713 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +and:0.054 to:0.041 of:0.016 in:0.015 the:0.013 :0.57 +to:0.082 and:0.076 that:0.033 the:0.031 in:0.03 :0.506 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.052 and:0.036 in:0.028 of:0.016 to:0.015 :0.655 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.101 of:0.096 in:0.052 to:0.039 as:0.022 :0.389 +of:0.038 in:0.037 and:0.035 to:0.034 at:0.021 :0.428 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.033 to:0.033 and:0.023 of:0.012 in:0.008 :0.803 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +and:0.101 of:0.096 in:0.052 to:0.039 as:0.022 :0.389 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.093 a:0.03 than:0.024 of:0.019 and:0.018 :0.519 +the:0.057 to:0.045 and:0.034 a:0.031 of:0.03 :0.29 +and:0.083 of:0.064 to:0.042 for:0.036 in:0.022 :0.707 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.029 and:0.025 of:0.014 other:0.01 in:0.01 :0.657 +of:0.019 and:0.014 in:0.009 the:0.008 as:0.007 :0.809 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +of:0.171 and:0.052 to:0.04 in:0.028 that:0.017 :0.664 +of:0.073 to:0.073 and:0.059 the:0.046 in:0.038 :0.503 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.017 to:0.009 is:0.006 was:0.005 and:0.004 :0.952 +of:0.333 and:0.061 to:0.058 in:0.029 that:0.015 :0.346 +of:0.312 to:0.078 and:0.037 in:0.029 are:0.023 :0.358 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.09 to:0.052 of:0.038 and:0.035 a:0.029 :0.454 +and:0.018 the:0.01 to:0.009 in:0.008 .:0.006 :0.901 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.06 and:0.043 is:0.026 to:0.025 was:0.02 :0.686 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +the:0.038 of:0.037 and:0.024 to:0.018 in:0.018 :0.511 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +of:0.142 to:0.061 in:0.038 and:0.033 for:0.022 :0.547 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.071 the:0.03 to:0.028 for:0.024 and:0.021 :0.624 +of:0.048 in:0.031 and:0.02 the:0.018 a:0.014 :0.678 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +side:0.135 of:0.072 to:0.046 and:0.032 the:0.013 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.142 the:0.083 to:0.074 and:0.05 for:0.029 :0.375 +of:0.075 to:0.062 in:0.051 and:0.036 by:0.024 :0.503 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.2 to:0.09 and:0.057 in:0.04 or:0.022 :0.406 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.184 to:0.15 and:0.063 in:0.059 for:0.037 :0.399 +of:0.519 the:0.05 to:0.043 and:0.042 in:0.02 :0.143 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.091 in:0.059 and:0.035 to:0.029 the:0.025 :0.42 +of:0.018 to:0.017 the:0.01 and:0.01 a:0.009 :0.547 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.14 that:0.054 and:0.031 to:0.024 this:0.015 :0.468 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.055 to:0.031 of:0.028 that:0.027 and:0.022 :0.62 +of:0.065 and:0.029 the:0.028 as:0.021 that:0.016 :0.43 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.046 and:0.025 that:0.021 in:0.019 of:0.019 :0.513 +a:0.028 the:0.02 and:0.018 men:0.012 them:0.01 :0.673 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.075 of:0.068 a:0.029 and:0.028 in:0.016 :0.591 +of:0.02 the:0.015 and:0.009 in:0.008 have:0.005 :0.464 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +of:0.038 and:0.034 is:0.019 the:0.018 who:0.015 :0.723 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +of:0.077 a:0.011 and:0.011 the:0.01 in:0.007 :0.778 +of:0.116 and:0.039 for:0.018 in:0.013 to:0.013 :0.278 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.072 of:0.066 to:0.064 the:0.061 that:0.042 :0.472 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.116 of:0.11 the:0.057 that:0.044 and:0.042 :0.47 +the:0.033 of:0.016 and:0.012 to:0.009 that:0.008 :0.753 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.177 to:0.099 and:0.091 the:0.036 in:0.036 :0.286 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.042 and:0.039 to:0.016 have:0.016 in:0.015 :0.324 +of:0.273 and:0.107 to:0.064 for:0.031 that:0.024 :0.392 +to:0.047 and:0.039 of:0.037 in:0.035 the:0.027 :0.487 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +a:0.017 of:0.011 had:0.011 the:0.01 is:0.01 :0.839 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +to:0.046 in:0.043 of:0.035 and:0.034 the:0.03 :0.682 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +as:0.052 and:0.022 of:0.017 in:0.015 to:0.012 :0.551 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.071 of:0.044 to:0.021 that:0.016 the:0.01 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.056 and:0.047 to:0.047 in:0.031 is:0.026 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.205 and:0.157 to:0.035 or:0.024 in:0.022 :0.448 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.009 .:0.008 and:0.006 M:0.005 have:0.005 :0.501 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.133 to:0.066 and:0.059 for:0.044 is:0.04 :0.53 +to:0.153 of:0.146 and:0.108 in:0.066 for:0.039 :0.432 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +with:0.058 in:0.054 as:0.043 the:0.042 and:0.041 :0.546 +to:0.078 of:0.051 in:0.043 the:0.043 and:0.042 :0.549 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.067 the:0.045 to:0.038 of:0.029 in:0.024 :0.528 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +of:0.13 to:0.042 and:0.037 the:0.031 for:0.027 :0.502 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +of:0.159 to:0.095 and:0.048 in:0.045 is:0.023 :0.456 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.068 is:0.043 was:0.04 of:0.038 not:0.034 :0.715 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.101 and:0.061 to:0.061 the:0.034 in:0.033 :0.613 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.086 the:0.075 to:0.062 and:0.025 that:0.014 :0.501 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +of:0.27 to:0.095 and:0.074 or:0.031 that:0.026 :0.388 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.12 a:0.077 and:0.03 of:0.027 that:0.02 :0.432 +been:0.039 to:0.037 a:0.026 not:0.02 the:0.019 :0.578 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.159 to:0.095 and:0.048 in:0.045 is:0.023 :0.456 +the:0.054 and:0.053 to:0.046 for:0.042 of:0.036 :0.501 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.021 a:0.012 .:0.011 and:0.008 that:0.007 :0.887 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +to:0.07 of:0.052 and:0.044 the:0.023 as:0.018 :0.407 +of:0.129 to:0.098 in:0.066 the:0.039 and:0.032 :0.518 +to:0.053 that:0.034 the:0.034 and:0.032 a:0.017 :0.286 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.027 the:0.024 was:0.019 as:0.016 will:0.013 :0.843 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +to:0.078 of:0.064 and:0.05 in:0.036 as:0.033 :0.628 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +THE:0.001 AND:0.001 Britain:0.001 physician:0.001 position:0.0 :0.997 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +that:0.074 to:0.052 and:0.025 he:0.024 the:0.016 :0.597 +and:0.062 of:0.058 that:0.044 to:0.043 as:0.038 :0.453 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.081 not:0.074 a:0.015 in:0.013 to:0.008 :0.623 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.156 and:0.066 in:0.039 as:0.014 .:0.01 :0.303 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +to:0.048 the:0.042 of:0.036 a:0.03 in:0.02 :0.446 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.045 and:0.026 the:0.013 to:0.013 in:0.012 :0.52 +of:0.084 the:0.052 to:0.046 in:0.037 and:0.032 :0.508 +of:0.172 and:0.056 to:0.047 in:0.044 is:0.039 :0.442 +the:0.172 a:0.078 ten:0.05 this:0.016 one:0.014 :0.541 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +.:0.019 is:0.011 was:0.011 the:0.01 that:0.008 :0.785 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.094 that:0.034 a:0.032 of:0.017 and:0.015 :0.481 +of:0.049 to:0.044 the:0.028 and:0.022 that:0.016 :0.624 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +to:0.142 the:0.057 of:0.045 in:0.037 and:0.037 :0.589 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.02 and:0.018 to:0.013 a:0.013 in:0.01 :0.515 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.085 is:0.078 to:0.056 was:0.052 and:0.05 :0.612 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.127 the:0.036 and:0.03 to:0.026 in:0.016 :0.372 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +of:0.063 and:0.027 have:0.021 in:0.02 are:0.019 :0.602 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.075 a:0.046 and:0.018 for:0.017 in:0.017 :0.669 +of:0.046 to:0.039 and:0.038 in:0.017 the:0.013 :0.435 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.057 of:0.024 a:0.022 in:0.014 and:0.013 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 and:0.061 a:0.023 to:0.021 in:0.017 :0.475 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.036 to:0.03 and:0.019 in:0.012 than:0.01 :0.857 +to:0.039 and:0.037 of:0.033 for:0.032 in:0.031 :0.575 +of:0.168 to:0.056 and:0.031 in:0.025 the:0.023 :0.473 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.175 of:0.066 and:0.06 that:0.028 in:0.028 :0.464 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.033 a:0.03 the:0.029 to:0.021 of:0.021 :0.628 +the:0.074 that:0.034 to:0.012 a:0.01 and:0.01 :0.412 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.052 and:0.048 of:0.041 the:0.028 in:0.022 :0.434 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.076 to:0.059 of:0.038 in:0.021 for:0.017 :0.578 +and:0.041 o'clock:0.034 to:0.033 the:0.025 of:0.018 :0.592 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.039 in:0.026 years:0.025 of:0.024 days:0.022 :0.705 +of:0.176 to:0.052 and:0.047 that:0.033 the:0.032 :0.354 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.025 to:0.024 the:0.012 and:0.011 that:0.011 :0.534 +and:0.071 of:0.044 to:0.021 that:0.016 the:0.01 :0.442 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +the:0.134 a:0.037 to:0.027 in:0.021 and:0.018 :0.493 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.09 days:0.02 years:0.019 and:0.019 in:0.017 :0.802 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +hundred:0.002 o'clock:0.001 thousand:0.001 half:0.001 of:0.001 :0.993 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.172 of:0.152 in:0.072 and:0.048 for:0.023 :0.246 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.046 to:0.014 it:0.011 of:0.01 in:0.009 :0.376 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.056 of:0.036 and:0.033 a:0.016 in:0.015 :0.604 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.305 to:0.056 and:0.028 the:0.023 in:0.016 :0.227 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +at:0.066 in:0.059 to:0.058 of:0.046 for:0.045 :0.559 +of:0.273 and:0.107 to:0.064 for:0.031 that:0.024 :0.392 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.019 and:0.018 the:0.012 but:0.007 to:0.006 :0.923 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.024 and:0.021 to:0.014 was:0.008 in:0.008 :0.832 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +from:0.079 to:0.058 of:0.058 in:0.054 the:0.053 :0.475 +of:0.061 and:0.032 to:0.021 in:0.019 for:0.013 :0.657 +of:0.077 and:0.038 in:0.03 to:0.021 with:0.018 :0.402 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +of:0.154 the:0.061 they:0.041 he:0.039 it:0.035 :0.524 +and:0.029 of:0.023 The:0.019 to:0.017 the:0.014 :0.81 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.012 day:0.011 in:0.009 to:0.008 a:0.007 :0.897 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.082 the:0.059 of:0.048 to:0.037 with:0.023 :0.533 +of:0.101 to:0.044 and:0.041 that:0.026 the:0.017 :0.497 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.104 to:0.052 the:0.037 a:0.034 in:0.028 :0.57 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.118 to:0.105 and:0.055 that:0.037 a:0.033 :0.437 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.011 the:0.01 to:0.01 of:0.008 The:0.006 :0.907 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.063 a:0.049 the:0.041 and:0.026 to:0.025 :0.321 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +been:0.039 to:0.037 a:0.026 not:0.02 the:0.019 :0.578 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +AND:0.008 been:0.002 side:0.002 ANGELES:0.001 exports:0.001 :0.986 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.045 the:0.045 and:0.032 to:0.032 a:0.026 :0.372 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.064 of:0.041 to:0.034 in:0.012 is:0.01 :0.533 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.122 and:0.047 to:0.036 in:0.032 for:0.02 :0.446 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.027 the:0.021 and:0.016 to:0.014 in:0.012 :0.807 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.021 of:0.019 to:0.019 in:0.016 and:0.013 :0.686 +to:0.1 and:0.039 of:0.02 in:0.015 that:0.015 :0.152 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.038 and:0.037 of:0.03 in:0.03 as:0.022 :0.582 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.023 :0.011 the:0.008 and:0.007 of:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.082 and:0.076 that:0.033 the:0.031 in:0.03 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.065 a:0.04 to:0.027 and:0.02 in:0.019 :0.484 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.061 of:0.042 a:0.037 to:0.035 in:0.028 :0.548 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.103 and:0.074 of:0.04 in:0.034 with:0.033 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +and:0.058 the:0.054 of:0.049 to:0.021 in:0.021 :0.411 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +of:0.079 the:0.07 and:0.042 that:0.036 a:0.019 :0.429 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.062 to:0.041 that:0.024 in:0.018 the:0.017 :0.542 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +the:0.053 and:0.04 to:0.037 of:0.031 that:0.028 :0.585 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.21 of:0.062 and:0.055 in:0.03 the:0.018 :0.395 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +to:0.084 that:0.046 and:0.044 the:0.031 for:0.02 :0.628 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +to:0.146 of:0.082 was:0.053 and:0.049 is:0.036 :0.552 +of:0.176 to:0.052 and:0.047 that:0.033 the:0.032 :0.354 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +as:0.052 and:0.022 of:0.017 in:0.015 to:0.012 :0.551 +the:0.09 to:0.06 and:0.031 a:0.025 in:0.018 :0.487 +of:0.068 and:0.055 to:0.031 that:0.019 in:0.015 :0.608 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.091 not:0.029 it:0.019 and:0.017 he:0.014 :0.61 +of:0.207 and:0.045 to:0.044 the:0.032 in:0.015 :0.445 +of:0.26 and:0.039 in:0.031 is:0.029 for:0.022 :0.374 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.078 the:0.045 a:0.028 to:0.028 and:0.028 :0.482 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +to:0.039 and:0.034 of:0.032 in:0.026 as:0.016 :0.676 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.075 a:0.046 and:0.018 for:0.017 in:0.017 :0.669 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.027 of:0.021 and:0.017 a:0.008 to:0.007 :0.725 +of:0.135 to:0.114 and:0.048 in:0.034 a:0.02 :0.43 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.147 and:0.064 to:0.034 the:0.03 that:0.02 :0.432 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.097 to:0.072 and:0.054 in:0.029 that:0.023 :0.593 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +as:0.015 to:0.014 for:0.014 in:0.013 and:0.012 :0.743 +the:0.019 a:0.011 to:0.01 and:0.007 in:0.007 :0.517 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.072 of:0.052 to:0.045 in:0.029 with:0.013 :0.561 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.048 of:0.044 and:0.035 as:0.035 in:0.015 :0.404 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.059 of:0.054 to:0.037 and:0.035 in:0.026 :0.405 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +the:0.297 a:0.05 tho:0.011 his:0.01 of:0.01 :0.405 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.02 and:0.018 in:0.017 :0.011 as:0.009 :0.546 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.109 and:0.043 a:0.031 of:0.014 which:0.011 :0.37 +and:0.021 of:0.021 in:0.012 to:0.012 as:0.01 :0.355 +of:0.077 is:0.042 has:0.026 was:0.026 in:0.025 :0.629 +of:0.052 to:0.051 and:0.037 was:0.03 is:0.029 :0.624 +to:0.109 and:0.059 of:0.048 in:0.032 by:0.029 :0.483 +of:0.174 and:0.05 to:0.044 is:0.019 the:0.017 :0.472 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +of:0.095 and:0.054 to:0.032 not:0.027 in:0.025 :0.425 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +to:0.119 of:0.044 in:0.034 and:0.031 that:0.02 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +of:0.325 to:0.043 and:0.042 in:0.022 for:0.018 :0.421 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.095 the:0.053 that:0.053 to:0.046 and:0.032 :0.418 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.06 of:0.053 in:0.044 a:0.036 and:0.028 :0.493 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.106 that:0.045 to:0.034 and:0.015 of:0.012 :0.551 +of:0.086 is:0.037 was:0.032 at:0.023 and:0.019 :0.552 +that:0.03 and:0.028 the:0.025 it:0.022 to:0.02 :0.585 +of:0.263 the:0.039 and:0.036 to:0.029 that:0.024 :0.321 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.194 and:0.065 the:0.035 to:0.033 that:0.032 :0.358 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.025 of:0.022 be:0.015 not:0.011 to:0.009 :0.443 +the:0.057 and:0.052 in:0.05 of:0.04 a:0.032 :0.546 +the:0.036 and:0.027 by:0.021 as:0.02 in:0.019 :0.67 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +to:0.38 and:0.05 of:0.044 for:0.036 in:0.027 :0.266 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.41 and:0.092 to:0.04 that:0.034 or:0.018 :0.203 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.064 to:0.025 a:0.024 it:0.017 that:0.015 :0.677 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.26 and:0.039 in:0.031 is:0.029 for:0.022 :0.374 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +and:0.016 in:0.013 to:0.013 by:0.012 as:0.01 :0.89 +to:0.073 and:0.051 of:0.037 in:0.034 that:0.026 :0.43 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.03 that:0.03 of:0.03 to:0.029 in:0.022 :0.685 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.044 the:0.043 and:0.037 to:0.025 a:0.018 :0.71 +to:0.581 of:0.051 and:0.05 that:0.035 in:0.032 :0.178 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +of:0.062 the:0.044 is:0.032 and:0.029 in:0.029 :0.527 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +of:0.131 to:0.072 and:0.051 that:0.033 by:0.031 :0.563 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.142 of:0.066 to:0.037 and:0.035 a:0.023 :0.363 +the:0.162 a:0.083 to:0.019 his:0.016 an:0.012 :0.401 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.168 and:0.041 to:0.04 in:0.035 than:0.024 :0.533 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +.:0.035 that:0.034 and:0.03 the:0.024 of:0.016 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.056 and:0.043 of:0.036 in:0.017 for:0.014 :0.451 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.07 of:0.062 in:0.036 to:0.034 the:0.016 :0.443 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.154 a:0.038 and:0.023 to:0.02 in:0.012 :0.512 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.156 and:0.045 to:0.034 the:0.034 a:0.02 :0.502 +of:0.185 to:0.15 and:0.051 in:0.041 that:0.025 :0.316 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.072 of:0.059 in:0.045 to:0.042 for:0.024 :0.499 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +the:0.18 a:0.12 it:0.019 and:0.016 that:0.013 :0.355 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +to:0.061 in:0.04 the:0.04 and:0.037 of:0.03 :0.607 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.269 and:0.064 to:0.06 in:0.04 by:0.024 :0.426 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +the:0.031 to:0.019 and:0.018 in:0.013 that:0.011 :0.673 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.105 to:0.07 and:0.069 .:0.017 in:0.014 :0.462 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +to:0.118 and:0.111 of:0.102 in:0.065 as:0.035 :0.434 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.037 of:0.017 in:0.015 with:0.011 to:0.008 :0.636 +the:0.12 a:0.053 and:0.02 in:0.016 of:0.016 :0.457 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.092 of:0.058 to:0.054 as:0.027 in:0.026 :0.608 +as:0.015 to:0.014 for:0.014 in:0.013 and:0.012 :0.743 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +to:0.116 of:0.102 in:0.058 and:0.043 that:0.035 :0.413 +of:0.117 to:0.097 and:0.056 is:0.045 the:0.04 :0.473 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.079 the:0.07 and:0.042 that:0.036 a:0.019 :0.429 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +and:0.035 of:0.033 to:0.016 in:0.01 the:0.009 :0.487 +and:0.031 of:0.03 as:0.011 :0.011 in:0.009 :0.654 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.054 not:0.031 to:0.017 and:0.015 with:0.014 :0.754 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.108 in:0.037 and:0.025 a:0.021 on:0.017 :0.54 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.096 a:0.049 and:0.043 in:0.02 with:0.015 :0.534 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.014 said:0.006 and:0.004 a:0.004 work:0.003 :0.633 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +the:0.044 of:0.041 to:0.03 in:0.027 than:0.024 :0.597 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +have:0.031 a:0.031 be:0.028 the:0.026 of:0.018 :0.8 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +the:0.091 of:0.04 and:0.037 that:0.032 a:0.025 :0.613 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.045 and:0.037 in:0.032 to:0.022 at:0.019 :0.571 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +o'clock:0.025 and:0.02 .:0.016 of:0.014 to:0.011 :0.704 +of:0.024 and:0.021 to:0.016 was:0.012 is:0.011 :0.887 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +the:0.142 a:0.073 that:0.011 an:0.01 his:0.009 :0.449 +to:0.077 and:0.031 in:0.029 the:0.028 of:0.016 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.068 and:0.055 to:0.031 that:0.019 in:0.015 :0.608 +to:0.086 in:0.032 the:0.032 for:0.03 and:0.025 :0.497 +and:0.06 of:0.057 the:0.037 in:0.027 to:0.024 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +to:0.093 of:0.053 the:0.047 and:0.036 a:0.023 :0.383 +the:0.038 a:0.019 of:0.017 that:0.014 and:0.013 :0.874 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.142 of:0.074 in:0.042 and:0.037 by:0.027 :0.452 +the:0.06 to:0.05 much:0.041 a:0.037 it:0.034 :0.489 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.011 of:0.01 JOURNAL:0.008 by:0.007 for:0.007 :0.936 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.057 to:0.048 and:0.044 the:0.043 in:0.028 :0.604 +little:0.015 much:0.015 few:0.014 large:0.013 good:0.01 :0.571 +to:0.157 of:0.051 in:0.037 the:0.026 and:0.021 :0.537 +the:0.033 valorem:0.02 a:0.012 and:0.011 in:0.011 :0.639 +of:0.102 and:0.067 that:0.06 the:0.029 for:0.028 :0.533 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.056 and:0.047 to:0.047 in:0.031 is:0.026 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.053 to:0.047 that:0.043 a:0.034 on:0.016 :0.643 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.058 to:0.038 and:0.034 the:0.017 in:0.013 :0.541 +to:0.153 the:0.046 and:0.039 in:0.038 of:0.026 :0.444 +to:0.572 and:0.045 of:0.044 in:0.028 for:0.027 :0.2 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.157 have:0.079 and:0.039 of:0.017 in:0.013 :0.471 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.016 :0.013 the:0.012 of:0.01 to:0.01 :0.803 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.012 I:0.01 and:0.007 day:0.005 they:0.005 :0.936 +to:0.085 and:0.058 of:0.045 have:0.045 the:0.038 :0.435 +to:0.036 a:0.028 in:0.019 and:0.015 the:0.014 :0.711 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.071 to:0.045 a:0.04 of:0.031 and:0.025 :0.577 +of:0.284 and:0.049 the:0.027 to:0.025 in:0.016 :0.515 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.019 as:0.018 the:0.018 and:0.016 a:0.01 :0.543 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.019 and:0.008 have:0.007 in:0.006 it:0.006 :0.71 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +and:0.077 to:0.052 of:0.045 thousand:0.034 the:0.024 :0.503 +of:0.122 to:0.116 the:0.04 and:0.033 that:0.027 :0.396 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +and:0.017 of:0.014 the:0.011 in:0.009 a:0.006 :0.444 +of:0.081 the:0.07 to:0.037 and:0.036 by:0.02 :0.644 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +of:0.122 to:0.051 by:0.043 and:0.043 in:0.041 :0.493 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.154 to:0.119 and:0.045 in:0.039 for:0.035 :0.478 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.096 to:0.093 and:0.035 for:0.019 in:0.014 :0.638 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.181 of:0.175 to:0.047 for:0.044 that:0.039 :0.456 +to:0.055 and:0.051 in:0.045 by:0.035 that:0.033 :0.636 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +of:0.032 the:0.016 in:0.013 and:0.012 to:0.012 :0.444 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +of:0.086 the:0.075 to:0.062 and:0.025 that:0.014 :0.501 +to:0.1 the:0.096 of:0.067 and:0.045 for:0.039 :0.507 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.178 to:0.076 and:0.052 by:0.031 the:0.022 :0.412 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.209 and:0.148 to:0.048 that:0.039 for:0.022 :0.243 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.069 a:0.017 of:0.017 :0.017 and:0.013 :0.614 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.007 would:0.002 can:0.002 will:0.002 did:0.002 :0.985 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +of:0.363 to:0.063 with:0.035 for:0.028 in:0.026 :0.407 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +and:0.072 of:0.052 to:0.045 in:0.029 with:0.013 :0.561 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +to:0.044 and:0.031 is:0.014 in:0.014 the:0.014 :0.733 +per:0.185 of:0.093 and:0.027 to:0.02 in:0.017 :0.357 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.12 a:0.065 them:0.056 him:0.048 up:0.025 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.054 and:0.045 to:0.032 is:0.015 in:0.014 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.062 of:0.034 to:0.031 and:0.025 a:0.023 :0.428 +of:0.211 and:0.097 to:0.039 in:0.02 for:0.015 :0.479 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +and:0.04 of:0.03 to:0.018 the:0.014 in:0.011 :0.648 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +and:0.047 of:0.036 the:0.028 to:0.028 in:0.01 :0.654 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.038 and:0.027 in:0.014 to:0.013 the:0.011 :0.464 +to:0.157 of:0.118 and:0.065 in:0.036 that:0.036 :0.487 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.093 and:0.066 the:0.04 in:0.028 by:0.023 :0.555 +the:0.119 a:0.054 to:0.047 in:0.037 not:0.032 :0.362 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.064 than:0.055 not:0.039 and:0.018 of:0.014 :0.423 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.038 and:0.033 that:0.022 to:0.021 in:0.021 :0.545 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +of:0.137 to:0.095 and:0.072 in:0.051 for:0.026 :0.433 +the:0.049 to:0.039 and:0.033 in:0.02 is:0.017 :0.616 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +and:0.004 but:0.004 to:0.002 :0.002 as:0.002 :0.985 +of:0.068 and:0.037 the:0.035 in:0.026 to:0.018 :0.432 +of:0.171 to:0.147 and:0.067 the:0.036 in:0.032 :0.324 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +of:0.184 to:0.104 and:0.066 in:0.051 the:0.025 :0.396 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.061 the:0.033 in:0.03 to:0.029 is:0.021 :0.597 +of:0.031 and:0.03 to:0.026 in:0.02 the:0.014 :0.501 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.096 to:0.06 a:0.042 of:0.041 and:0.028 :0.536 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.023 :0.011 the:0.008 and:0.007 of:0.006 :0.625 +of:0.05 the:0.043 .:0.031 and:0.019 that:0.018 :0.333 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.083 of:0.067 and:0.052 in:0.034 for:0.016 :0.499 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.248 to:0.069 and:0.052 in:0.033 for:0.029 :0.415 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +of:0.165 to:0.058 and:0.051 were:0.023 is:0.022 :0.391 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.04 and:0.024 a:0.021 that:0.018 in:0.016 :0.528 +in:0.066 the:0.061 a:0.06 to:0.055 that:0.03 :0.567 +of:0.151 and:0.085 the:0.028 to:0.026 in:0.021 :0.426 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.053 in:0.046 the:0.045 to:0.045 and:0.032 :0.358 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.084 to:0.06 in:0.051 .:0.036 for:0.017 :0.55 +of:0.125 a:0.068 the:0.064 and:0.031 to:0.029 :0.461 +of:0.211 to:0.097 and:0.051 in:0.039 as:0.034 :0.36 +the:0.096 a:0.049 and:0.043 in:0.02 with:0.015 :0.534 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.021 of:0.021 in:0.012 to:0.012 as:0.01 :0.355 +of:0.002 and:0.002 other:0.002 to:0.001 in:0.001 :0.989 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +the:0.039 and:0.019 to:0.016 a:0.015 as:0.012 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.132 of:0.064 for:0.049 in:0.047 and:0.037 :0.499 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.138 to:0.105 and:0.06 in:0.037 long,:0.019 :0.503 +of:0.144 to:0.065 and:0.058 in:0.027 that:0.02 :0.446 +of:0.048 and:0.034 in:0.031 the:0.026 to:0.021 :0.515 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.033 of:0.019 to:0.012 or:0.012 in:0.012 :0.726 +and:0.018 was:0.017 of:0.015 .:0.012 is:0.012 :0.766 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 and:0.02 to:0.019 a:0.011 in:0.011 :0.414 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.142 and:0.065 the:0.03 that:0.011 on:0.009 :0.388 +for:0.008 and:0.008 to:0.006 the:0.006 was:0.005 :0.914 +a:0.017 the:0.013 man:0.011 and:0.009 of:0.008 :0.551 +of:0.186 and:0.066 in:0.043 the:0.043 to:0.041 :0.373 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.119 in:0.046 and:0.041 that:0.032 of:0.03 :0.493 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.058 and:0.027 is:0.02 in:0.013 was:0.013 :0.574 +of:0.054 the:0.032 and:0.027 in:0.023 a:0.015 :0.554 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.022 and:0.02 The:0.017 a:0.01 in:0.01 :0.647 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +of:0.207 and:0.041 the:0.035 to:0.024 that:0.015 :0.466 +to:0.219 of:0.111 and:0.06 in:0.038 the:0.035 :0.342 +and:0.053 in:0.052 the:0.044 of:0.03 a:0.027 :0.685 +a:0.043 to:0.042 the:0.039 and:0.028 that:0.022 :0.657 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.047 the:0.02 a:0.02 and:0.013 in:0.013 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.023 a:0.013 of:0.006 and:0.005 in:0.004 :0.472 +of:0.012 to:0.005 who:0.004 and:0.003 on:0.002 :0.974 +of:0.012 and:0.005 from:0.003 of\nthe:0.003 to:0.002 :0.972 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.044 the:0.043 and:0.037 to:0.025 a:0.018 :0.71 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +House:0.003 .:0.002 Francisco:0.002 :0.001 "An:0.001 :0.989 +the:0.135 of:0.067 a:0.053 to:0.047 and:0.024 :0.537 +of:0.121 in:0.079 to:0.063 and:0.054 for:0.04 :0.448 +to:0.046 in:0.043 of:0.035 and:0.034 the:0.03 :0.682 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.029 to:0.022 in:0.016 of:0.016 as:0.015 :0.357 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.161 and:0.076 of:0.049 in:0.044 that:0.025 :0.406 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.061 the:0.033 in:0.03 to:0.029 is:0.021 :0.597 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.037 the:0.031 and:0.025 of:0.016 in:0.015 :0.444 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.077 to:0.047 is:0.036 and:0.033 in:0.03 :0.501 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.241 of:0.079 in:0.033 and:0.025 that:0.025 :0.331 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.44 and:0.038 of\nthe:0.022 in:0.022 to:0.022 :0.346 +of:0.042 and:0.019 in:0.013 was:0.012 by:0.012 :0.787 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +of:0.048 to:0.011 the:0.01 and:0.007 that:0.006 :0.823 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.119 the:0.104 and:0.064 to:0.03 that:0.028 :0.395 +of:0.182 to:0.108 and:0.045 in:0.041 for:0.021 :0.386 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.067 the:0.039 and:0.03 of:0.03 a:0.02 :0.731 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +in:0.049 and:0.044 to:0.029 of:0.024 the:0.021 :0.666 +of:0.034 and:0.029 the:0.023 to:0.014 in:0.007 :0.454 +to:0.207 of:0.086 and:0.048 in:0.034 from:0.022 :0.326 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.179 to:0.062 a:0.051 in:0.032 of:0.032 :0.483 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.036 and:0.021 the:0.016 in:0.014 as:0.009 :0.543 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.037 of:0.017 in:0.015 with:0.011 to:0.008 :0.636 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +to:0.083 of:0.067 and:0.052 in:0.034 for:0.016 :0.499 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.182 and:0.043 as:0.028 is:0.025 in:0.02 :0.551 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +The:0.025 and:0.024 that:0.015 :0.012 the:0.009 :0.749 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.011 the:0.007 of:0.006 a:0.006 and:0.005 :0.962 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.071 the:0.057 of:0.037 in:0.032 and:0.029 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.072 of:0.049 and:0.04 the:0.018 in:0.015 :0.503 +the:0.023 to:0.022 and:0.013 in:0.01 that:0.009 :0.451 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.023 the:0.021 a:0.016 of:0.014 that:0.012 :0.726 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.036 and:0.029 in:0.026 of:0.02 will:0.016 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.061 and:0.032 to:0.021 in:0.019 for:0.013 :0.657 +of:0.26 and:0.067 to:0.048 in:0.032 that:0.022 :0.355 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.106 to:0.079 the:0.071 by:0.048 in:0.029 :0.55 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +and:0.076 to:0.059 of:0.038 in:0.021 for:0.017 :0.578 +of:0.09 and:0.042 in:0.027 to:0.026 that:0.019 :0.531 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.163 and:0.049 are:0.021 in:0.021 for:0.019 :0.637 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +the:0.023 to:0.022 and:0.013 in:0.01 that:0.009 :0.451 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +described:0.066 of:0.028 and:0.02 to:0.015 that:0.012 :0.554 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.036 and:0.016 the:0.012 to:0.012 a:0.009 :0.408 +of:0.199 and:0.073 to:0.043 the:0.038 for:0.024 :0.479 +the:0.06 and:0.039 of:0.039 that:0.037 a:0.019 :0.659 +the:0.102 to:0.085 a:0.044 and:0.034 that:0.022 :0.464 +of:0.069 and:0.028 is:0.025 in:0.023 to:0.021 :0.573 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.084 of:0.065 in:0.048 to:0.046 that:0.038 :0.507 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.012 the:0.01 and:0.008 a:0.007 in:0.005 :0.79 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +the:0.02 as:0.017 a:0.014 in:0.012 to:0.012 :0.375 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.073 to:0.051 and:0.048 who:0.029 in:0.022 :0.55 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.019 men:0.015 and:0.013 in:0.007 as:0.005 :0.651 +of:0.069 and:0.033 in:0.03 to:0.016 as:0.014 :0.488 +of:0.099 and:0.048 as:0.025 from:0.016 to:0.013 :0.505 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +to:0.063 and:0.047 the:0.043 of:0.034 a:0.03 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.11 the:0.051 as:0.035 and:0.034 in:0.031 :0.614 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.305 to:0.056 and:0.028 the:0.023 in:0.016 :0.227 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.181 of:0.175 to:0.047 for:0.044 that:0.039 :0.456 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +is:0.011 was:0.009 to:0.006 that:0.005 and:0.005 :0.953 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 and:0.045 to:0.039 is:0.039 was:0.03 :0.596 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +of:0.087 to:0.039 and:0.036 the:0.031 or:0.019 :0.495 +the:0.101 you:0.041 a:0.03 me:0.022 of:0.022 :0.599 +and:0.038 to:0.03 of:0.029 :0.018 as:0.013 :0.683 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.108 and:0.053 to:0.023 in:0.016 that:0.013 :0.663 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.042 is:0.014 of:0.013 was:0.011 in:0.009 :0.568 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.173 to:0.055 and:0.044 that:0.031 the:0.029 :0.429 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.059 to:0.027 as:0.019 and:0.019 of:0.017 :0.534 +of:0.029 to:0.028 and:0.026 in:0.022 as:0.021 :0.813 +the:0.091 a:0.088 to:0.056 in:0.045 that:0.042 :0.522 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.133 and:0.022 be:0.013 of:0.012 it:0.011 :0.483 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +to:0.158 of:0.103 and:0.062 for:0.036 in:0.031 :0.365 +and:0.077 of:0.056 to:0.047 the:0.034 that:0.03 :0.649 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.279 to:0.076 and:0.049 in:0.032 or:0.016 :0.386 +of:0.058 to:0.056 the:0.051 and:0.047 in:0.034 :0.583 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +by:0.047 of:0.04 to:0.039 in:0.038 and:0.027 :0.756 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.183 to:0.123 and:0.061 in:0.048 is:0.042 :0.349 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.255 to:0.083 the:0.054 and:0.047 in:0.043 :0.355 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +of:0.067 and:0.05 to:0.038 the:0.033 in:0.028 :0.451 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.003 on:0.002 in:0.001 into:0.001 west:0.001 :0.991 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +and:0.035 the:0.027 to:0.021 in:0.016 of:0.016 :0.626 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.094 of:0.052 and:0.027 in:0.026 by:0.018 :0.719 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.073 in:0.073 a:0.029 and:0.029 that:0.021 :0.529 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +of:0.02 the:0.019 a:0.013 to:0.013 and:0.012 :0.626 +of:0.172 to:0.073 and:0.05 in:0.047 for:0.028 :0.324 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.086 a:0.076 to:0.025 in:0.02 it:0.017 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.018 have:0.017 of:0.016 in:0.013 the:0.012 :0.652 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.062 and:0.061 to:0.035 in:0.021 that:0.019 :0.43 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.04 and:0.024 a:0.021 that:0.018 in:0.016 :0.528 +of:0.056 and:0.03 in:0.018 are:0.018 a:0.017 :0.628 +the:0.033 valorem:0.02 a:0.012 and:0.011 in:0.011 :0.639 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +and:0.09 of:0.064 in:0.041 to:0.033 for:0.023 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.199 and:0.073 to:0.043 the:0.038 for:0.024 :0.479 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.176 and:0.116 of:0.063 in:0.052 for:0.021 :0.346 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.085 and:0.021 to:0.018 was:0.015 a:0.014 :0.594 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.021 of:0.012 in:0.011 and:0.01 for:0.009 :0.919 +of:0.273 and:0.129 to:0.06 in:0.055 on:0.021 :0.329 +the:0.044 to:0.033 a:0.024 of:0.02 in:0.016 :0.68 +of:0.166 and:0.06 the:0.052 to:0.028 in:0.02 :0.298 +the:0.08 a:0.034 and:0.009 The:0.008 than:0.007 :0.429 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.234 a:0.044 to:0.023 his:0.019 this:0.017 :0.475 +of:0.121 to:0.072 the:0.048 in:0.043 and:0.041 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.062 and:0.058 the:0.039 to:0.037 or:0.019 :0.384 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.065 and:0.041 the:0.019 to:0.018 side:0.016 :0.489 +the:0.008 was:0.008 is:0.005 .:0.005 one:0.004 :0.883 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.151 and:0.085 the:0.028 to:0.026 in:0.021 :0.426 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +to:0.066 in:0.023 and:0.022 of:0.017 a:0.009 :0.523 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.093 a:0.041 of:0.025 to:0.024 and:0.017 :0.424 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.062 that:0.038 to:0.036 of:0.019 and:0.017 :0.583 +months:0.04 years:0.031 and:0.026 as:0.015 days:0.014 :0.506 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +of:0.056 to:0.028 and:0.023 that:0.019 in:0.014 :0.696 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.21 of:0.115 and:0.03 in:0.023 the:0.018 :0.39 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +to:0.164 of:0.083 and:0.066 in:0.036 for:0.033 :0.465 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +of:0.018 and:0.014 in:0.011 the:0.01 a:0.008 :0.424 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +of:0.106 the:0.045 and:0.031 in:0.023 is:0.022 :0.622 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.139 the:0.059 a:0.041 to:0.021 that:0.011 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +of:0.007 not:0.007 and:0.006 DAILY:0.005 the:0.005 :0.945 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +and:0.098 of:0.077 as:0.077 that:0.044 in:0.04 :0.532 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.021 and:0.016 to:0.008 in:0.007 the:0.007 :0.529 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.12 and:0.078 to:0.031 the:0.026 that:0.016 :0.4 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.079 of:0.04 in:0.039 and:0.037 for:0.023 :0.453 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.062 and:0.02 that:0.01 will:0.01 to:0.008 :0.662 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +to:0.028 in:0.021 and:0.015 is:0.013 with:0.01 :0.903 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.077 to:0.052 of:0.045 thousand:0.034 the:0.024 :0.503 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.016 and:0.011 of:0.007 to:0.007 a:0.007 :0.291 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.019 the:0.016 of:0.01 a:0.007 as:0.005 :0.363 +to:0.056 the:0.048 a:0.032 and:0.026 in:0.021 :0.434 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.132 of:0.064 for:0.049 in:0.047 and:0.037 :0.499 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +to:0.034 in:0.031 and:0.027 the:0.025 of:0.022 :0.588 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.153 that:0.118 of:0.059 the:0.05 and:0.034 :0.459 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +of:0.077 and:0.06 in:0.022 was:0.021 will:0.019 :0.463 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.067 and:0.03 a:0.029 of:0.021 to:0.018 :0.284 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.009 .:0.008 and:0.006 M:0.005 have:0.005 :0.501 +the:0.054 of:0.045 that:0.027 a:0.018 and:0.015 :0.633 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +to:0.068 and:0.045 of:0.032 in:0.022 on:0.012 :0.503 +of:0.074 and:0.037 the:0.035 to:0.029 in:0.016 :0.423 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.042 and:0.041 of:0.025 to:0.024 a:0.018 :0.445 +years:0.003 much:0.003 few:0.003 been:0.002 twenty:0.002 :0.982 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +to:0.047 of:0.043 and:0.037 the:0.02 for:0.015 :0.642 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.107 and:0.047 in:0.038 for:0.027 of:0.025 :0.553 +a:0.016 the:0.012 :0.011 and:0.008 men:0.006 :0.672 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +to:0.059 of:0.055 the:0.031 in:0.016 a:0.015 :0.688 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.034 of:0.029 that:0.028 in:0.021 to:0.02 :0.462 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.05 the:0.043 of:0.028 and:0.019 DAILY:0.011 :0.456 +to:0.069 and:0.024 of:0.019 in:0.018 was:0.013 :0.814 +the:0.036 of:0.035 .:0.028 and:0.017 be:0.014 :0.474 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +the:0.112 a:0.029 and:0.027 in:0.019 that:0.018 :0.456 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.194 and:0.102 to:0.04 the:0.029 in:0.021 :0.315 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +the:0.176 of:0.114 to:0.025 a:0.02 and:0.019 :0.336 +and:0.049 to:0.041 that:0.035 the:0.033 of:0.024 :0.605 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.094 a:0.048 of:0.034 in:0.023 as:0.018 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 and:0.032 that:0.022 to:0.02 who:0.014 :0.752 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +and:0.038 to:0.03 of:0.029 :0.018 as:0.013 :0.683 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +of:0.024 and:0.02 the:0.015 in:0.012 a:0.012 :0.592 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 of:0.051 and:0.026 in:0.024 a:0.024 :0.584 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.068 the:0.051 and:0.05 to:0.036 a:0.025 :0.293 +the:0.083 of:0.07 a:0.068 by:0.037 in:0.035 :0.524 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.053 that:0.027 a:0.023 to:0.012 in:0.012 :0.772 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +a:0.041 the:0.034 of:0.012 and:0.01 to:0.007 :0.413 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.023 to:0.022 from:0.013 The:0.01 in:0.009 :0.916 +of:0.223 and:0.035 to:0.03 in:0.025 for:0.023 :0.345 +and:0.036 to:0.024 of:0.023 that:0.02 the:0.016 :0.71 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.094 to:0.071 is:0.029 the:0.028 a:0.026 :0.486 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.067 that:0.026 a:0.022 of:0.019 to:0.017 :0.351 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +of:0.093 and:0.039 in:0.036 to:0.031 as:0.021 :0.376 +of:0.178 to:0.088 and:0.062 in:0.034 is:0.024 :0.448 +of:0.076 to:0.058 and:0.036 that:0.022 was:0.019 :0.546 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.016 and:0.005 of\nthe:0.004 or:0.003 in:0.003 :0.966 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.009 a:0.004 .:0.004 as:0.004 being:0.003 :0.953 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +the:0.169 that:0.029 and:0.023 a:0.018 of:0.014 :0.485 +of:0.091 to:0.08 and:0.069 in:0.034 the:0.033 :0.421 +the:0.074 a:0.028 that:0.025 of:0.02 and:0.019 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +to:0.102 and:0.078 of:0.043 as:0.042 in:0.029 :0.501 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.003 afford:0.001 of:0.001 FREE:0.001 known,:0.001 :0.994 +the:0.04 a:0.035 to:0.025 of:0.012 and:0.011 :0.343 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +the:0.069 that:0.039 to:0.03 of:0.021 by:0.02 :0.682 +to:0.073 that:0.072 and:0.036 it:0.032 the:0.029 :0.695 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +of:0.046 and:0.038 he:0.021 be:0.018 in:0.017 :0.621 +and:0.05 that:0.046 of:0.037 in:0.026 the:0.025 :0.666 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.129 of:0.086 to:0.065 in:0.034 by:0.031 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.049 the:0.047 in:0.031 and:0.025 a:0.019 :0.441 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.077 to:0.052 of:0.045 thousand:0.034 the:0.024 :0.503 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.108 of:0.048 and:0.031 in:0.027 the:0.026 :0.629 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 to:0.043 and:0.035 of:0.034 that:0.027 :0.476 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.144 to:0.077 and:0.047 is:0.038 in:0.035 :0.551 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.045 and:0.04 the:0.026 in:0.016 to:0.014 :0.578 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.117 and:0.039 the:0.032 in:0.032 for:0.03 :0.611 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.061 and:0.032 it:0.019 to:0.016 in:0.014 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.01 to:0.005 in:0.005 the:0.004 or:0.003 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.154 to:0.089 and:0.048 in:0.044 the:0.03 :0.394 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.129 and:0.043 in:0.031 or:0.018 by:0.016 :0.46 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.066 of:0.062 and:0.03 .:0.016 in:0.016 :0.739 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.1 of:0.052 the:0.048 in:0.047 that:0.041 :0.645 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.248 the:0.071 to:0.057 a:0.045 as:0.038 :0.403 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +to:0.067 the:0.039 and:0.03 of:0.03 a:0.02 :0.731 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +of:0.167 and:0.045 that:0.035 to:0.032 be:0.03 :0.557 +to:0.086 of:0.075 the:0.053 and:0.046 in:0.039 :0.417 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.072 to:0.03 for:0.029 in:0.022 of:0.02 :0.602 +of:0.232 to:0.111 in:0.052 the:0.037 and:0.026 :0.418 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.154 to:0.106 and:0.053 that:0.016 the:0.016 :0.387 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.06 and:0.058 of:0.04 in:0.021 for:0.016 :0.578 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +to:0.061 in:0.039 and:0.031 as:0.018 for:0.013 :0.563 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.161 to:0.044 and:0.04 in:0.026 the:0.026 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.029 the:0.028 of:0.026 in:0.019 as:0.017 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.024 in:0.02 is:0.018 day:0.018 and:0.017 :0.68 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +the:0.205 he:0.091 it:0.074 they:0.043 a:0.024 :0.439 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.127 and:0.075 to:0.033 is:0.03 was:0.028 :0.412 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.223 and:0.035 to:0.03 in:0.025 for:0.023 :0.345 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.021 of:0.017 a:0.015 in:0.011 not:0.009 :0.403 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.108 been:0.055 a:0.03 no:0.008 not:0.008 :0.552 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.094 that:0.025 a:0.025 and:0.021 in:0.019 :0.601 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.03 of:0.029 to:0.027 the:0.026 have:0.024 :0.764 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.097 and:0.03 in:0.025 at:0.014 have:0.013 :0.606 +the:0.064 than:0.055 not:0.039 and:0.018 of:0.014 :0.423 +of:0.499 in:0.042 to:0.037 and:0.029 with:0.026 :0.27 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.026 to:0.017 and:0.015 days:0.011 in:0.006 :0.815 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.08 and:0.071 to:0.063 in:0.045 that:0.038 :0.544 +of:0.126 the:0.051 and:0.033 to:0.019 in:0.015 :0.357 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.052 30:0.024 of:0.023 west:0.018 and:0.014 :0.654 +years:0.05 of:0.046 hundred:0.027 and:0.024 to:0.02 :0.609 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.063 to:0.046 the:0.029 as:0.02 of:0.018 :0.494 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +The:0.023 They:0.005 of:0.003 :0.003 He:0.003 :0.96 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.089 to:0.083 and:0.055 The:0.053 in:0.028 :0.576 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.095 of:0.063 the:0.02 and:0.017 with:0.014 :0.745 +deed:0.02 to:0.014 mortgage:0.014 of:0.01 and:0.009 :0.739 +and:0.036 the:0.024 to:0.021 be:0.013 of:0.012 :0.597 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.09 to:0.033 in:0.022 and:0.02 that:0.013 :0.413 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.266 to:0.117 door:0.067 and:0.061 in:0.02 :0.331 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.114 and:0.035 that:0.02 a:0.018 it:0.015 :0.333 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +COAST:0.001 ANGELES:0.001 Fe:0.001 (7):0.001 days:0.001 :0.996 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.008 and:0.005 The:0.004 a:0.003 that:0.003 :0.885 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.041 to:0.032 as:0.026 of:0.018 in:0.018 :0.373 +years:0.068 of:0.058 and:0.03 to:0.029 or:0.028 :0.572 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.071 the:0.06 that:0.032 it:0.019 and:0.017 :0.449 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +the:0.049 of:0.041 to:0.029 and:0.029 is:0.028 :0.65 +was:0.027 is:0.023 and:0.013 of:0.011 to:0.01 :0.409 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.113 and:0.05 to:0.046 in:0.037 a:0.024 :0.415 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +the:0.176 and:0.041 that:0.038 a:0.023 of:0.023 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +and:0.055 to:0.035 of:0.024 in:0.019 the:0.017 :0.468 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.146 of:0.082 was:0.053 and:0.049 is:0.036 :0.552 +and:0.043 of:0.025 to:0.022 in:0.021 the:0.013 :0.534 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.059 of:0.039 to:0.035 the:0.032 for:0.025 :0.597 +and:0.062 of:0.056 the:0.032 in:0.02 to:0.019 :0.445 +of:0.068 and:0.035 in:0.027 to:0.025 on:0.012 :0.722 +of:0.005 that:0.005 who:0.004 to:0.004 on:0.003 :0.978 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.018 have:0.017 of:0.016 in:0.013 the:0.012 :0.652 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.036 a:0.02 the:0.02 to:0.017 in:0.013 :0.544 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +of:0.047 to:0.047 is:0.026 was:0.022 and:0.02 :0.465 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +to:0.116 of:0.065 the:0.057 and:0.051 that:0.042 :0.556 +of:0.119 and:0.089 to:0.049 the:0.037 or:0.021 :0.474 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.048 the:0.031 that:0.027 of:0.02 by:0.013 :0.634 +to:0.098 and:0.041 in:0.026 as:0.022 of:0.02 :0.547 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.131 to:0.072 and:0.051 that:0.033 by:0.031 :0.563 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.041 of:0.035 and:0.028 to:0.026 a:0.016 :0.531 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.056 the:0.037 a:0.022 and:0.022 of:0.018 :0.592 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +of:0.101 and:0.075 that:0.042 to:0.035 as:0.032 :0.554 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +of:0.194 and:0.102 to:0.04 the:0.029 in:0.021 :0.315 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.049 of:0.041 to:0.029 and:0.029 is:0.028 :0.65 +the:0.051 to:0.017 and:0.011 was:0.01 is:0.009 :0.376 +of:0.043 and:0.037 in:0.021 for:0.016 or:0.013 :0.691 +of:0.148 to:0.143 in:0.062 and:0.061 for:0.034 :0.36 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.021 of:0.017 a:0.015 in:0.011 not:0.009 :0.403 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.198 and:0.108 to:0.046 in:0.034 with:0.03 :0.344 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.071 to:0.046 of:0.03 in:0.028 that:0.02 :0.477 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.166 and:0.06 the:0.052 to:0.028 in:0.02 :0.298 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +deal:0.004 S.:0.002 and:0.002 a:0.001 poor:0.001 :0.98 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.297 a:0.05 tho:0.011 his:0.01 of:0.01 :0.405 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.054 to:0.041 of:0.016 in:0.015 the:0.013 :0.57 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.006 and:0.005 he:0.002 but:0.002 they:0.002 :0.974 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.037 of:0.03 in:0.017 with:0.016 the:0.013 :0.746 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.17 and:0.024 a:0.023 his:0.012 six:0.012 :0.506 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.067 of:0.062 the:0.043 to:0.038 and:0.038 :0.617 +of:0.009 and:0.007 in:0.004 with:0.004 to:0.004 :0.961 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +days:0.006 Pierce's:0.001 .:0.001 weeks.:0.001 E:0.001 :0.989 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.397 to:0.054 and:0.054 in:0.025 from:0.024 :0.39 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.001 :0.001 that:0.001 time:0.001 as:0.001 :0.991 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.071 and:0.02 that:0.012 a:0.011 of:0.009 :0.232 +of:0.184 to:0.104 and:0.066 in:0.051 the:0.025 :0.396 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +with:0.17 of:0.051 to:0.048 and:0.036 in:0.031 :0.449 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.139 the:0.067 to:0.035 a:0.03 and:0.021 :0.427 +of:0.085 to:0.067 and:0.058 as:0.023 the:0.021 :0.516 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.074 that:0.034 to:0.012 a:0.01 and:0.01 :0.412 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.056 to:0.037 and:0.033 that:0.028 as:0.018 :0.447 +of:0.126 to:0.125 and:0.048 the:0.046 in:0.038 :0.5 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.029 and:0.028 was:0.027 of:0.022 in:0.018 :0.622 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +and:0.019 the:0.016 of:0.01 a:0.007 as:0.005 :0.363 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.124 to:0.112 and:0.053 in:0.027 that:0.019 :0.27 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.088 to:0.048 in:0.037 and:0.033 the:0.022 :0.374 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.121 and:0.035 to:0.032 is:0.031 in:0.023 :0.628 +and:0.006 in:0.003 of:0.003 The:0.003 AND:0.003 :0.96 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.026 to:0.025 as:0.023 of:0.023 in:0.019 :0.651 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.045 and:0.037 in:0.032 to:0.022 at:0.019 :0.571 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.051 of:0.049 to:0.037 and:0.032 that:0.018 :0.471 +cent:0.091 cent,:0.062 cent.:0.023 and:0.018 the:0.014 :0.298 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +of:0.167 and:0.047 the:0.042 to:0.033 in:0.02 :0.275 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.237 and:0.033 to:0.022 in:0.015 on:0.011 :0.442 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.017 the:0.016 it:0.013 in:0.008 he:0.008 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.159 to:0.033 a:0.027 of:0.02 that:0.018 :0.27 +of:0.074 and:0.037 the:0.035 to:0.029 in:0.016 :0.423 +of:0.038 the:0.028 a:0.025 to:0.021 and:0.016 :0.589 +to:0.084 and:0.064 of:0.04 in:0.028 is:0.024 :0.564 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.05 the:0.038 and:0.034 to:0.034 in:0.016 :0.408 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.054 that:0.048 the:0.046 of:0.021 and:0.017 :0.543 +of:0.042 the:0.037 and:0.019 is:0.012 The:0.01 :0.152 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +of:0.028 and:0.02 to:0.016 the:0.01 that:0.009 :0.12 +of:0.032 to:0.029 the:0.017 in:0.016 and:0.015 :0.392 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.099 and:0.07 to:0.067 of:0.047 in:0.034 :0.552 +THE:0.005 of:0.005 had:0.002 know:0.002 been:0.002 :0.981 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +and:0.028 of:0.014 is:0.013 was:0.013 The:0.012 :0.624 +of:0.256 to:0.078 and:0.029 for:0.027 the:0.027 :0.386 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +in:0.097 to:0.086 of:0.08 and:0.06 by:0.036 :0.444 +to:0.056 the:0.037 a:0.022 and:0.022 of:0.018 :0.592 +of:0.148 to:0.086 and:0.068 in:0.04 that:0.023 :0.562 +of:0.029 and:0.026 :0.011 election:0.01 to:0.008 :0.494 +the:0.031 and:0.012 it:0.01 they:0.01 of:0.009 :0.746 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.176 of:0.114 to:0.025 a:0.02 and:0.019 :0.336 +of:0.09 and:0.041 or:0.015 is:0.015 was:0.013 :0.612 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.228 and:0.052 is:0.031 in:0.03 was:0.027 :0.368 +of:0.21 to:0.084 and:0.055 the:0.046 that:0.041 :0.463 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.095 to:0.063 in:0.058 and:0.047 the:0.032 :0.311 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +of:0.078 and:0.041 the:0.037 to:0.025 is:0.021 :0.455 +to:0.507 of:0.048 and:0.043 for:0.028 as:0.025 :0.296 +the:0.017 and:0.013 a:0.013 to:0.012 not:0.01 :0.494 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.183 to:0.126 in:0.068 and:0.067 by:0.047 :0.371 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.218 and:0.034 to:0.032 the:0.016 that:0.013 :0.335 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +and:0.056 of:0.052 the:0.043 to:0.034 by:0.02 :0.587 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.107 to:0.048 in:0.032 and:0.03 the:0.025 :0.638 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +of:0.126 to:0.068 and:0.035 the:0.028 in:0.021 :0.352 +to:0.448 of:0.116 in:0.056 and:0.046 for:0.044 :0.291 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.112 in:0.091 of:0.091 and:0.049 by:0.044 :0.46 +of:0.299 and:0.089 to:0.078 the:0.032 for:0.029 :0.299 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +of:0.184 to:0.104 and:0.066 in:0.051 the:0.025 :0.396 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.198 and:0.108 to:0.046 in:0.034 with:0.03 :0.344 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +and:0.021 the:0.013 to:0.011 in:0.009 of:0.008 :0.667 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +the:0.067 a:0.013 and:0.013 of:0.01 not:0.009 :0.565 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.147 that:0.057 to:0.05 and:0.037 in:0.03 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.12 the:0.034 and:0.029 to:0.02 a:0.016 :0.355 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +given,:0.13 given:0.122 notified:0.109 the:0.034 a:0.024 :0.401 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.09 to:0.052 of:0.038 and:0.035 a:0.029 :0.454 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.064 the:0.033 and:0.018 a:0.012 in:0.011 :0.633 +the:0.05 of:0.047 to:0.032 and:0.025 that:0.02 :0.463 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.067 the:0.043 to:0.026 and:0.022 in:0.019 :0.525 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +AND:0.006 who:0.001 the:0.001 whose:0.001 of\nsection:0.001 :0.989 +to:0.047 of:0.043 and:0.037 the:0.02 for:0.015 :0.642 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.039 to:0.028 in:0.026 of:0.02 at:0.015 :0.683 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +deal:0.016 and:0.012 the:0.007 many:0.005 to:0.005 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.066 in:0.066 of:0.044 and:0.043 the:0.03 :0.619 +the:0.072 and:0.042 that:0.023 a:0.021 to:0.017 :0.357 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.082 and:0.076 that:0.033 the:0.031 in:0.03 :0.506 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +of:0.005 a:0.005 :0.004 the:0.003 and:0.003 :0.97 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.179 to:0.079 and:0.064 in:0.056 is:0.018 :0.475 +to:0.083 the:0.062 a:0.038 and:0.026 by:0.025 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.3 and:0.047 in:0.041 to:0.037 the:0.03 :0.392 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +to:0.169 the:0.061 of:0.053 that:0.037 in:0.022 :0.302 +in:0.072 to:0.054 the:0.042 on:0.032 and:0.028 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.031 that:0.021 the:0.019 to:0.016 :0.523 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +of:0.194 to:0.124 the:0.078 and:0.031 that:0.031 :0.397 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.129 of:0.055 and:0.037 in:0.034 that:0.024 :0.421 +to:0.115 of:0.096 as:0.058 and:0.048 that:0.047 :0.335 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +to:0.053 of:0.033 and:0.026 the:0.02 in:0.017 :0.74 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.037 a:0.018 in:0.009 and:0.007 to:0.006 :0.345 +not:0.013 the:0.01 and:0.007 of:0.006 been:0.006 :0.951 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +of:0.386 and:0.074 in:0.036 the:0.02 for:0.018 :0.277 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +not:0.006 a:0.004 the:0.004 .:0.004 ago:0.003 :0.973 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +to:0.045 of:0.033 that:0.016 in:0.015 and:0.014 :0.843 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.114 and:0.052 in:0.026 to:0.022 for:0.016 :0.477 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.057 and:0.033 are:0.033 to:0.032 in:0.022 :0.504 +to:0.076 and:0.031 in:0.028 than:0.023 of:0.016 :0.681 +to:0.074 of:0.048 and:0.032 the:0.03 in:0.03 :0.637 +to:0.072 of:0.049 and:0.04 the:0.018 in:0.015 :0.503 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.165 and:0.103 in:0.033 to:0.023 or:0.018 :0.437 +to:0.088 the:0.04 and:0.039 in:0.038 not:0.03 :0.66 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +to:0.113 of:0.06 and:0.042 the:0.016 that:0.014 :0.489 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.061 and:0.035 to:0.021 a:0.015 as:0.01 :0.438 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.054 and:0.044 to:0.038 by:0.02 as:0.019 :0.597 +to:0.046 and:0.025 that:0.021 in:0.019 of:0.019 :0.513 +not:0.441 the:0.021 to:0.018 in:0.015 a:0.014 :0.359 +and:0.034 of:0.028 in:0.015 to:0.014 the:0.014 :0.515 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.073 of:0.03 that:0.026 or:0.02 the:0.02 :0.475 +the:0.027 of:0.021 and:0.017 a:0.008 to:0.007 :0.725 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.086 the:0.057 and:0.028 in:0.024 a:0.018 :0.559 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.044 and:0.02 to:0.019 a:0.011 in:0.011 :0.414 +and:0.045 to:0.035 in:0.024 the:0.019 by:0.019 :0.767 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +as:0.184 to:0.032 after:0.027 that:0.023 and:0.022 :0.481 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.09 of:0.043 and:0.025 a:0.022 in:0.022 :0.486 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.025 to:0.024 the:0.012 and:0.011 that:0.011 :0.534 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +to:0.106 of:0.076 in:0.057 and:0.035 by:0.031 :0.46 +the:0.021 and:0.02 :0.015 of:0.015 a:0.009 :0.724 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.084 and:0.064 of:0.04 in:0.028 is:0.024 :0.564 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +west:0.064 to:0.056 east:0.039 and:0.033 in:0.024 :0.525 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.182 a:0.043 the:0.031 to:0.027 of:0.01 :0.412 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.126 and:0.036 the:0.03 to:0.025 in:0.021 :0.603 +INTER:0.002 avenue.\nBlock:0.001 add.\nRobinson:0.001 Iks.:0.001 agt.:0.001 :0.994 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.11 in:0.035 the:0.034 that:0.032 and:0.028 :0.44 +other:0.017 and:0.012 day:0.01 thing:0.009 man:0.008 :0.67 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.078 to:0.045 a:0.035 and:0.026 in:0.012 :0.4 +of:0.052 the:0.04 to:0.034 and:0.025 in:0.012 :0.585 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.051 of:0.041 the:0.03 and:0.029 to:0.02 :0.644 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.078 the:0.062 that:0.06 in:0.042 a:0.032 :0.631 +of:0.228 to:0.091 and:0.03 that:0.022 in:0.022 :0.432 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.05 and:0.021 in:0.021 a:0.019 he:0.012 :0.558 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.142 to:0.066 and:0.046 for:0.043 in:0.033 :0.578 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.053 the:0.025 in:0.015 is:0.014 as:0.013 :0.303 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +of:0.069 and:0.022 to:0.017 in:0.013 the:0.012 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.076 to:0.075 in:0.043 of:0.042 for:0.027 :0.544 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.04 of:0.033 the:0.02 that:0.014 to:0.012 :0.33 +to:0.078 of:0.064 and:0.05 in:0.036 as:0.033 :0.628 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.058 the:0.036 to:0.033 and:0.026 a:0.024 :0.622 +of:0.092 and:0.087 to:0.074 in:0.024 for:0.019 :0.482 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.066 a:0.031 and:0.025 to:0.016 that:0.011 :0.502 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.042 and:0.042 to:0.021 the:0.017 in:0.016 :0.574 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.106 of:0.076 in:0.057 and:0.035 by:0.031 :0.46 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.111 and:0.107 of:0.066 that:0.034 for:0.033 :0.476 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +of:0.09 and:0.058 to:0.047 for:0.04 that:0.034 :0.499 +to:0.14 of:0.067 in:0.065 and:0.049 for:0.048 :0.464 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.045 of:0.024 the:0.021 was:0.016 .:0.016 :0.628 +and:0.023 the:0.021 a:0.016 of:0.014 that:0.012 :0.726 +the:0.015 time:0.006 of:0.006 other:0.005 and:0.005 :0.932 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +the:0.123 a:0.077 of:0.02 that:0.015 and:0.013 :0.573 +of:0.111 to:0.064 and:0.036 for:0.021 is:0.018 :0.62 +of:0.09 and:0.045 to:0.039 is:0.039 was:0.03 :0.596 +the:0.054 to:0.044 and:0.031 in:0.031 a:0.028 :0.558 +of:0.091 the:0.05 and:0.046 to:0.035 in:0.023 :0.454 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +enacted,:0.027 the:0.027 of:0.015 that:0.014 and:0.013 :0.621 +of:0.21 to:0.084 and:0.055 the:0.046 that:0.041 :0.463 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.031 of:0.018 and:0.016 to:0.011 was:0.007 :0.273 +of:0.084 and:0.048 to:0.032 the:0.018 or:0.017 :0.467 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +to:0.073 of:0.034 and:0.032 that:0.029 the:0.025 :0.718 +of:0.087 and:0.035 in:0.03 to:0.025 for:0.018 :0.689 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.168 a:0.029 that:0.025 and:0.018 all:0.012 :0.373 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.091 and:0.086 to:0.043 as:0.034 in:0.032 :0.415 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.434 and:0.038 to:0.02 in:0.019 was:0.012 :0.226 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +of:0.291 to:0.076 and:0.06 in:0.028 for:0.023 :0.387 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.117 of:0.083 and:0.058 the:0.04 in:0.037 :0.595 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +few:0.002 COAST:0.001 but:0.001 along:0.001 me:0.001 :0.994 +and:0.03 of:0.028 to:0.018 :0.016 or:0.011 :0.79 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.096 to:0.044 a:0.037 and:0.025 of:0.025 :0.587 +the:0.012 a:0.012 and:0.01 that:0.008 of:0.007 :0.554 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.054 to:0.041 in:0.035 and:0.027 for:0.024 :0.558 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.066 a:0.031 and:0.025 to:0.016 that:0.011 :0.502 +DAILY:0.003 AND:0.002 EVENING:0.001 :0.001 KANSAS:0.001 :0.992 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.036 of:0.036 in:0.017 a:0.017 to:0.016 :0.743 +of:0.015 and:0.011 to:0.007 in:0.005 The:0.005 :0.932 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.018 and:0.008 have:0.007 the:0.004 :0.004 :0.751 +to:0.041 and:0.036 the:0.019 that:0.013 in:0.01 :0.428 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 to:0.026 a:0.026 in:0.023 for:0.02 :0.702 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +be:0.303 have:0.075 not:0.029 of:0.022 bo:0.018 :0.409 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.042 a:0.036 to:0.031 that:0.028 of:0.025 :0.537 +to:0.066 of:0.062 and:0.03 .:0.016 in:0.016 :0.739 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.046 of:0.031 in:0.013 to:0.01 was:0.007 :0.565 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +the:0.07 to:0.023 of:0.019 and:0.017 is:0.017 :0.598 +and:0.02 day:0.008 is:0.008 the:0.006 in:0.005 :0.719 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +the:0.032 not:0.016 to:0.012 a:0.012 of:0.011 :0.586 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +to:0.083 of:0.046 and:0.026 in:0.023 for:0.02 :0.742 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.031 to:0.029 in:0.024 of:0.022 the:0.021 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.164 of:0.074 that:0.023 a:0.02 to:0.018 :0.389 +and:0.023 the:0.021 a:0.016 of:0.014 that:0.012 :0.726 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.339 of:0.102 for:0.029 and:0.029 as:0.024 :0.412 +of:0.091 and:0.057 in:0.048 to:0.035 the:0.024 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +are:0.008 were:0.007 of:0.005 and:0.004 from:0.004 :0.972 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.202 and:0.037 to:0.035 in:0.032 the:0.031 :0.539 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.048 and:0.044 that:0.035 to:0.021 of:0.017 :0.722 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.148 to:0.143 in:0.062 and:0.061 for:0.034 :0.36 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.124 to:0.085 for:0.044 and:0.044 in:0.023 :0.555 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.123 and:0.084 to:0.081 in:0.03 for:0.024 :0.438 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +and:0.027 as:0.022 the:0.018 in:0.014 or:0.013 :0.766 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.031 a:0.024 other:0.008 one:0.007 and:0.005 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +us:0.003 .,:0.003 him:0.002 them:0.002 why:0.002 :0.988 +of:0.009 the:0.003 other:0.003 ten:0.003 for:0.003 :0.95 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.029 the:0.022 and:0.017 a:0.014 to:0.013 :0.599 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +described:0.066 of:0.028 and:0.02 to:0.015 that:0.012 :0.554 +of:0.231 and:0.067 to:0.043 in:0.037 that:0.03 :0.381 +of:0.15 and:0.04 in:0.029 is:0.015 for:0.012 :0.58 +of:0.067 the:0.043 to:0.026 and:0.022 in:0.019 :0.525 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +was:0.008 is:0.007 of:0.004 the:0.004 would:0.003 :0.961 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.064 of:0.053 in:0.043 and:0.036 that:0.027 :0.462 +and:0.029 of:0.023 .:0.007 The:0.006 :0.006 :0.498 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.043 and:0.015 in:0.007 to:0.006 The:0.005 :0.911 +the:0.015 be:0.008 a:0.008 all:0.007 that:0.005 :0.928 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.086 of:0.057 in:0.055 to:0.045 that:0.026 :0.456 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +man:0.069 lady:0.052 men:0.024 and:0.011 men,:0.011 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +and:0.058 of:0.049 to:0.03 o'clock:0.028 in:0.026 :0.582 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.02 and:0.019 the:0.015 a:0.008 or:0.008 :0.542 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.173 to:0.074 and:0.066 for:0.039 the:0.034 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +exports:0.003 was:0.002 COUNTY:0.002 the:0.002 of:0.002 :0.989 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.101 of:0.042 a:0.036 to:0.027 and:0.017 :0.513 +of:0.137 to:0.095 and:0.072 in:0.051 for:0.026 :0.433 +are:0.002 of:0.002 have:0.002 had:0.002 only:0.002 :0.987 +to:0.073 in:0.024 and:0.023 the:0.023 with:0.021 :0.396 +and:0.015 the:0.009 is:0.008 in:0.006 was:0.006 :0.808 +the:0.124 of:0.096 and:0.047 to:0.031 a:0.029 :0.361 +the:0.152 of:0.029 a:0.024 in:0.021 and:0.018 :0.429 +to:0.082 and:0.063 is:0.051 of:0.033 was:0.022 :0.562 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +Dakota:0.002 They:0.001 The:0.001 EVENING:0.001 :0.001 :0.993 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +Britain:0.002 WEEKLY:0.001 L:0.001 KANSAS:0.001 Britain,:0.001 :0.995 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +in:0.017 the:0.016 and:0.016 to:0.013 a:0.009 :0.803 +of:0.236 to:0.068 and:0.027 for:0.026 in:0.024 :0.44 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.136 of:0.073 to:0.037 in:0.034 for:0.02 :0.315 +the:0.048 to:0.03 of:0.024 and:0.022 that:0.018 :0.418 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +to:0.073 and:0.073 in:0.049 of:0.046 by:0.037 :0.421 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.124 and:0.044 than:0.024 part:0.023 in:0.02 :0.505 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.096 to:0.071 and:0.048 the:0.042 in:0.031 :0.477 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +were:0.013 and:0.013 have:0.012 in:0.01 are:0.01 :0.87 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +a:0.128 the:0.098 to:0.028 of:0.024 and:0.014 :0.359 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.113 and:0.05 to:0.046 in:0.037 a:0.024 :0.415 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.028 to:0.025 the:0.022 that:0.02 in:0.018 :0.688 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +that:0.014 and:0.013 of:0.011 the:0.01 to:0.009 :0.572 +the:0.027 a:0.019 of:0.014 and:0.014 to:0.014 :0.49 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.08 to:0.055 and:0.038 the:0.035 in:0.034 :0.537 +of:0.124 to:0.052 and:0.027 in:0.02 for:0.015 :0.631 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +to:0.103 of:0.092 and:0.051 in:0.022 for:0.019 :0.409 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.207 and:0.088 to:0.067 in:0.027 for:0.023 :0.36 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +a:0.016 the:0.012 :0.011 and:0.008 men:0.006 :0.672 +and:0.05 to:0.036 of:0.033 in:0.019 or:0.012 :0.354 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +to:0.198 and:0.107 of:0.05 in:0.047 for:0.036 :0.379 +of:0.238 to:0.102 and:0.072 that:0.044 in:0.031 :0.4 +to:0.185 the:0.066 of:0.059 and:0.055 for:0.036 :0.494 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +of:0.084 to:0.075 and:0.05 the:0.037 in:0.036 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.141 and:0.081 to:0.04 the:0.039 by:0.032 :0.467 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.058 and:0.041 to:0.025 for:0.023 in:0.02 :0.611 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +you:0.002 the:0.001 things:0.001 her:0.001 all:0.001 :0.993 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.088 to:0.04 and:0.037 in:0.027 for:0.016 :0.514 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.073 to:0.051 and:0.048 who:0.029 in:0.022 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.076 to:0.059 of:0.038 in:0.021 for:0.017 :0.578 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.056 .:0.024 of:0.017 to:0.017 in:0.013 :0.265 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.083 and:0.037 the:0.018 to:0.016 in:0.013 :0.389 +to:0.046 and:0.031 of:0.024 in:0.02 the:0.016 :0.636 +of:0.125 a:0.068 the:0.064 and:0.031 to:0.029 :0.461 +of:0.255 to:0.064 and:0.033 the:0.024 is:0.021 :0.411 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.232 to:0.061 that:0.04 the:0.039 and:0.022 :0.452 +the:0.023 to:0.022 and:0.013 in:0.01 that:0.009 :0.451 +the:0.075 a:0.015 that:0.015 and:0.01 it:0.01 :0.789 +the:0.046 to:0.014 it:0.011 of:0.01 in:0.009 :0.376 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +at:0.066 in:0.059 to:0.058 of:0.046 for:0.045 :0.559 +of:0.088 to:0.04 and:0.037 in:0.027 for:0.016 :0.514 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.158 that:0.07 to:0.06 and:0.053 the:0.046 :0.494 +and:0.062 to:0.06 of:0.039 in:0.035 for:0.025 :0.278 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +of:0.173 to:0.074 and:0.066 for:0.039 the:0.034 :0.573 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.058 and:0.027 is:0.02 in:0.013 was:0.013 :0.574 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +to:0.038 the:0.03 of:0.021 and:0.015 in:0.014 :0.479 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +of:0.018 to:0.017 the:0.01 and:0.01 a:0.009 :0.547 +of:0.09 and:0.052 the:0.031 to:0.031 in:0.025 :0.386 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.041 and:0.03 of:0.028 in:0.021 the:0.02 :0.623 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +years:0.068 of:0.058 and:0.03 to:0.029 or:0.028 :0.572 +of:0.03 and:0.023 have:0.016 be:0.015 the:0.014 :0.649 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +of:0.045 the:0.033 and:0.03 to:0.026 in:0.017 :0.62 +of:0.201 and:0.044 the:0.036 to:0.031 in:0.02 :0.496 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.154 and:0.048 the:0.029 to:0.022 in:0.016 :0.54 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.07 of:0.06 and:0.057 in:0.047 is:0.037 :0.525 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.048 and:0.036 to:0.024 in:0.013 the:0.013 :0.43 +to:0.292 of:0.115 in:0.059 and:0.039 on:0.024 :0.322 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +the:0.102 to:0.058 a:0.047 with:0.026 that:0.019 :0.693 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +of:0.42 and:0.06 to:0.048 as:0.034 in:0.019 :0.275 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.194 and:0.065 the:0.035 to:0.033 that:0.032 :0.358 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.07 in:0.039 of:0.037 to:0.033 at:0.017 :0.654 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.17 and:0.058 in:0.039 is:0.038 to:0.036 :0.621 +to:0.127 of:0.104 and:0.052 is:0.04 for:0.034 :0.491 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.055 and:0.051 in:0.045 by:0.035 that:0.033 :0.636 +the:0.072 and:0.042 that:0.023 a:0.021 to:0.017 :0.357 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +a:0.036 the:0.035 and:0.022 in:0.018 to:0.013 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.152 to:0.06 and:0.057 in:0.042 for:0.026 :0.419 +that:0.041 to:0.041 and:0.04 a:0.025 as:0.02 :0.618 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +of:0.069 and:0.033 in:0.03 to:0.016 as:0.014 :0.488 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +to:0.079 of:0.04 in:0.039 and:0.037 for:0.023 :0.453 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.05 the:0.043 of:0.028 and:0.019 DAILY:0.011 :0.456 +to:0.082 the:0.057 in:0.032 with:0.031 for:0.028 :0.558 +to:0.068 and:0.045 of:0.032 in:0.022 on:0.012 :0.503 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +they:0.061 the:0.046 it:0.041 is:0.039 was:0.023 :0.694 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.002 and:0.002 other:0.002 to:0.001 in:0.001 :0.989 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.104 and:0.05 of:0.05 in:0.043 the:0.031 :0.49 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.016 the:0.015 to:0.014 of:0.01 had:0.009 :0.727 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.012 in:0.01 and:0.009 is:0.008 to:0.007 :0.813 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.096 to:0.044 a:0.037 and:0.025 of:0.025 :0.587 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.121 to:0.092 for:0.029 the:0.025 in:0.021 :0.492 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.294 a:0.09 to:0.042 of:0.021 in:0.02 :0.312 +and:0.068 of:0.054 to:0.051 the:0.032 in:0.023 :0.382 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.033 of:0.015 and:0.014 a:0.013 the:0.013 :0.613 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +in:0.011 and:0.008 of:0.007 for:0.006 after:0.006 :0.954 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +of:0.325 to:0.043 and:0.042 in:0.022 for:0.018 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +not:0.023 the:0.021 of:0.013 a:0.012 to:0.011 :0.585 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.061 in:0.04 the:0.04 and:0.037 of:0.03 :0.607 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.079 the:0.07 and:0.042 that:0.036 a:0.019 :0.429 +of:0.063 and:0.036 in:0.02 by:0.014 for:0.013 :0.644 +of:0.165 and:0.049 in:0.023 to:0.021 as:0.02 :0.6 +of:0.134 and:0.027 have:0.018 to:0.016 for:0.014 :0.434 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +of:0.207 and:0.035 in:0.028 the:0.026 a:0.022 :0.449 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +to:0.019 as:0.017 and:0.013 of:0.01 that:0.01 :0.874 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.126 and:0.025 to:0.018 the:0.017 not:0.008 :0.411 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.058 and:0.041 to:0.025 for:0.023 in:0.02 :0.611 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +not:0.033 to:0.028 in:0.023 a:0.022 glad:0.017 :0.65 +the:0.048 a:0.044 to:0.038 and:0.029 be:0.022 :0.534 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +of:0.111 to:0.053 in:0.044 and:0.039 on:0.032 :0.62 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +to:0.097 of:0.071 and:0.055 the:0.05 in:0.026 :0.545 +and:0.024 to:0.013 in:0.011 of:0.011 man:0.009 :0.569 +to:0.09 the:0.048 in:0.043 a:0.042 that:0.039 :0.608 +to:0.012 and:0.012 of:0.011 in:0.008 not:0.008 :0.924 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.005 other:0.004 that:0.003 a:0.003 men:0.002 :0.973 +the:0.109 of:0.106 and:0.027 to:0.018 that:0.016 :0.475 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.103 the:0.07 and:0.063 of:0.055 in:0.038 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.008 be:0.005 in:0.005 it:0.004 :0.004 :0.966 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +to:0.132 of:0.064 for:0.049 in:0.047 and:0.037 :0.499 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +to:0.126 and:0.087 of:0.041 in:0.037 that:0.019 :0.411 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.02 of:0.013 in:0.009 men:0.006 that:0.005 :0.506 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.058 and:0.026 that:0.024 of:0.019 to:0.018 :0.619 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.058 of:0.051 the:0.027 in:0.023 for:0.015 :0.555 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.029 the:0.022 and:0.017 a:0.014 to:0.013 :0.599 +to:0.572 and:0.045 of:0.044 in:0.028 for:0.027 :0.2 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +to:0.033 and:0.027 the:0.026 of:0.023 in:0.014 :0.296 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +to:0.195 of:0.074 and:0.044 that:0.025 in:0.022 :0.322 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +of:0.142 to:0.078 in:0.033 and:0.03 for:0.021 :0.573 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +and:0.022 of:0.02 to:0.018 the:0.01 by:0.008 :0.698 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.057 have:0.026 to:0.02 be:0.011 and:0.011 :0.571 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +of:0.171 in:0.089 to:0.055 and:0.046 by:0.044 :0.492 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.185 to:0.15 and:0.051 in:0.041 that:0.025 :0.316 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.299 and:0.046 in:0.034 to:0.03 with:0.02 :0.432 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.093 to:0.041 .:0.039 and:0.038 in:0.027 :0.53 +of:0.057 to:0.05 for:0.041 and:0.035 a:0.027 :0.518 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +to:0.507 of:0.048 and:0.043 for:0.028 as:0.025 :0.296 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.076 and:0.041 to:0.035 the:0.025 in:0.021 :0.355 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +of:0.033 and:0.017 the:0.017 a:0.007 to:0.007 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.172 to:0.073 and:0.05 in:0.047 for:0.028 :0.324 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.172 to:0.073 and:0.05 in:0.047 for:0.028 :0.324 +to:0.049 the:0.017 have:0.016 be:0.015 that:0.014 :0.798 +of:0.077 the:0.064 a:0.049 in:0.049 and:0.032 :0.426 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.066 and:0.048 the:0.04 to:0.028 that:0.027 :0.706 +of:0.052 to:0.042 and:0.038 in:0.037 the:0.027 :0.509 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.025 and:0.023 with:0.022 to:0.013 a:0.01 :0.758 +to:0.04 the:0.038 a:0.029 of:0.02 with:0.017 :0.813 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.046 and:0.032 of:0.03 in:0.026 is:0.017 :0.516 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.038 a:0.012 of:0.012 to:0.011 that:0.008 :0.62 +and:0.058 of:0.049 to:0.03 o'clock:0.028 in:0.026 :0.582 +the:0.034 a:0.022 in:0.019 of:0.014 and:0.013 :0.533 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.113 and:0.037 the:0.011 as:0.009 that:0.007 :0.375 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +and:0.035 to:0.023 in:0.023 of:0.017 as:0.013 :0.569 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 of:0.055 in:0.053 to:0.046 with:0.046 :0.585 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.205 and:0.157 to:0.035 or:0.024 in:0.022 :0.448 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +of:0.065 and:0.043 to:0.019 in:0.011 that:0.009 :0.555 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.082 that:0.082 as:0.05 to:0.034 a:0.028 :0.459 +of:0.065 and:0.041 the:0.019 to:0.018 side:0.016 :0.489 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +of:0.266 to:0.117 door:0.067 and:0.061 in:0.02 :0.331 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.058 to:0.026 a:0.026 in:0.023 for:0.02 :0.702 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +to:0.104 of:0.062 and:0.051 in:0.035 that:0.031 :0.658 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.057 and:0.026 the:0.025 to:0.022 that:0.014 :0.48 +bidder,:0.192 bidder:0.078 in:0.03 and:0.028 the:0.02 :0.469 +of:0.165 and:0.049 in:0.023 to:0.021 as:0.02 :0.6 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +to:0.017 and:0.015 in:0.015 by:0.011 of:0.01 :0.885 +of:0.026 to:0.02 and:0.018 that:0.016 the:0.011 :0.608 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.124 and:0.082 to:0.037 as:0.031 in:0.022 :0.613 +of:0.053 is:0.047 was:0.034 and:0.031 will:0.026 :0.537 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.083 and:0.05 that:0.035 to:0.028 is:0.027 :0.551 +of:0.057 and:0.033 are:0.033 to:0.032 in:0.022 :0.504 +to:0.09 and:0.05 that:0.043 in:0.032 the:0.031 :0.495 +of:0.014 States:0.004 and:0.004 in:0.004 who:0.003 :0.972 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +to:0.024 in:0.015 the:0.014 and:0.013 of:0.008 :0.224 +to:0.21 and:0.071 of:0.061 for:0.049 that:0.04 :0.391 +of:0.167 and:0.045 in:0.041 the:0.023 to:0.019 :0.382 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.32 and:0.082 to:0.031 in:0.023 as:0.021 :0.331 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +same:0.008 a:0.007 the:0.006 and:0.005 most:0.005 :0.597 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.173 to:0.055 and:0.044 that:0.031 the:0.029 :0.429 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.021 of:0.021 in:0.012 to:0.012 as:0.01 :0.355 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.031 a:0.024 said:0.016 been:0.016 to:0.015 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.162 and:0.039 the:0.022 not:0.021 to:0.014 :0.437 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +to:0.108 the:0.062 and:0.025 of:0.025 a:0.022 :0.36 +to:0.249 of:0.085 the:0.069 and:0.043 that:0.043 :0.378 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +and:0.078 of:0.058 to:0.035 in:0.023 the:0.019 :0.582 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.185 and:0.081 in:0.043 of:0.04 as:0.021 :0.502 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.039 the:0.037 and:0.031 in:0.028 to:0.027 :0.566 +of:0.183 and:0.095 to:0.063 in:0.05 by:0.029 :0.44 +to:0.07 of:0.052 and:0.044 the:0.023 as:0.018 :0.407 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.054 and:0.045 of:0.034 the:0.031 with:0.02 :0.563 +and:0.039 of:0.022 the:0.017 to:0.013 in:0.012 :0.623 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +of:0.051 to:0.026 is:0.015 will:0.015 and:0.014 :0.691 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.047 the:0.046 and:0.034 in:0.033 for:0.021 :0.596 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +of:0.151 to:0.043 that:0.041 and:0.039 in:0.026 :0.582 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.026 to:0.025 as:0.023 of:0.023 in:0.019 :0.651 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.04 of:0.038 a:0.013 in:0.011 as:0.011 :0.574 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.061 of:0.055 and:0.028 in:0.018 to:0.016 :0.507 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.022 who:0.018 to:0.018 in:0.017 that:0.015 :0.911 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.152 a:0.031 it:0.026 of:0.017 he:0.017 :0.498 +to:0.104 the:0.036 and:0.034 of:0.032 that:0.024 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.05 of:0.028 a:0.019 and:0.016 to:0.014 :0.574 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +of:0.004 was:0.004 is:0.004 never:0.004 and:0.003 :0.976 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.047 and:0.012 a:0.011 was:0.009 that:0.008 :0.616 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.103 to:0.09 and:0.061 in:0.041 on:0.025 :0.466 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.026 of:0.021 the:0.013 that:0.013 in:0.007 :0.206 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.004 weeks:0.003 years:0.002 of:0.002 and:0.002 :0.988 +and:0.019 the:0.016 of:0.01 a:0.007 as:0.005 :0.363 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +of:0.1 to:0.079 and:0.051 in:0.034 that:0.033 :0.505 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +to:0.151 in:0.05 and:0.037 the:0.033 with:0.031 :0.551 +the:0.058 to:0.026 a:0.026 in:0.023 for:0.02 :0.702 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.497 in:0.05 and:0.037 to:0.023 at:0.016 :0.273 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.208 a:0.058 it:0.018 he:0.013 this:0.011 :0.473 +of:0.08 to:0.041 the:0.034 and:0.033 that:0.026 :0.622 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +the:0.179 to:0.062 a:0.051 in:0.032 of:0.032 :0.483 +the:0.068 to:0.033 and:0.032 of:0.027 a:0.023 :0.543 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.233 in:0.071 to:0.06 the:0.045 and:0.045 :0.444 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.025 of:0.022 be:0.015 not:0.011 to:0.009 :0.443 +of:0.026 in:0.026 and:0.019 to:0.016 on:0.013 :0.511 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.107 and:0.047 in:0.038 for:0.027 of:0.025 :0.553 +was:0.008 is:0.008 will:0.007 and:0.007 has:0.006 :0.945 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +and:0.098 of:0.077 as:0.077 that:0.044 in:0.04 :0.532 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.097 and:0.027 to:0.021 the:0.019 that:0.015 :0.53 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +to:0.209 of:0.126 and:0.047 that:0.045 for:0.035 :0.421 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +of:0.119 to:0.102 and:0.063 in:0.041 for:0.028 :0.454 +the:0.054 and:0.053 to:0.046 for:0.042 of:0.036 :0.501 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.02 to:0.019 that:0.009 and:0.008 in:0.007 :0.912 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +and:0.041 o'clock:0.034 to:0.033 the:0.025 of:0.018 :0.592 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.036 a:0.026 of:0.023 to:0.014 and:0.012 :0.759 +of:0.133 to:0.058 and:0.041 for:0.028 in:0.018 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.119 to:0.084 the:0.064 and:0.058 in:0.043 :0.405 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.136 in:0.045 and:0.025 is:0.023 to:0.021 :0.407 +have:0.022 of:0.018 and:0.014 in:0.014 was:0.012 :0.571 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.016 the:0.013 and:0.012 they:0.007 it:0.007 :0.852 +of:0.255 to:0.064 and:0.033 the:0.024 is:0.021 :0.411 +the:0.034 of:0.022 a:0.019 and:0.016 in:0.006 :0.69 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +to:0.027 not:0.018 of:0.017 and:0.013 in:0.01 :0.871 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.161 a:0.055 to:0.01 his:0.009 and:0.009 :0.439 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.142 us:0.067 it:0.026 of:0.019 a:0.016 :0.523 +to:0.044 and:0.042 of:0.033 in:0.032 the:0.027 :0.627 +of:0.202 and:0.037 to:0.035 in:0.032 the:0.031 :0.539 +the:0.101 and:0.077 to:0.061 of:0.051 for:0.041 :0.452 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.054 and:0.021 have:0.021 of:0.018 in:0.016 :0.631 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.195 and:0.117 to:0.073 in:0.046 for:0.033 :0.402 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +the:0.081 of:0.053 to:0.035 and:0.03 be:0.023 :0.562 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.143 and:0.026 in:0.022 is:0.018 are:0.014 :0.55 +and:0.078 of:0.058 to:0.035 in:0.023 the:0.019 :0.582 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +to:0.155 and:0.064 in:0.057 of:0.048 by:0.042 :0.501 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.508 to:0.056 and:0.056 for:0.027 of\nthe:0.022 :0.22 +of:0.033 and:0.017 the:0.017 a:0.007 to:0.007 :0.442 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.041 of:0.035 and:0.028 to:0.026 a:0.016 :0.531 +the:0.112 a:0.029 and:0.027 in:0.019 that:0.018 :0.456 +to:0.086 of:0.064 and:0.061 the:0.041 in:0.03 :0.411 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +than:0.054 and:0.033 in:0.026 of:0.021 on:0.01 :0.627 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.208 and:0.065 to:0.065 for:0.035 the:0.031 :0.4 +the:0.037 and:0.022 of:0.018 as:0.013 that:0.012 :0.429 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.01 the:0.007 to:0.006 that:0.006 a:0.006 :0.634 +and:0.018 have:0.017 of:0.016 in:0.013 the:0.012 :0.652 +:0.002 AND:0.002 are:0.001 he:0.001 instance,:0.001 :0.994 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.435 to:0.102 in:0.03 and:0.017 the:0.017 :0.332 +of:0.052 to:0.044 and:0.034 the:0.018 in:0.014 :0.491 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.051 to:0.04 of:0.039 from:0.028 in:0.027 :0.668 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.071 to:0.046 of:0.03 in:0.028 that:0.02 :0.477 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.022 the:0.021 and:0.018 for:0.017 in:0.013 :0.584 +a:0.052 of:0.047 the:0.036 and:0.024 out:0.016 :0.51 +of:0.097 and:0.03 in:0.025 at:0.014 have:0.013 :0.606 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.251 of:0.202 and:0.05 is:0.039 in:0.035 :0.308 +DAILY:0.008 up:0.007 to:0.007 of:0.006 in:0.005 :0.96 +to:0.057 of:0.053 in:0.027 and:0.023 the:0.019 :0.449 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +to:0.07 of:0.052 and:0.044 the:0.023 as:0.018 :0.407 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.064 and:0.058 that:0.041 the:0.033 to:0.033 :0.461 +the:0.119 a:0.054 to:0.047 in:0.037 not:0.032 :0.362 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +the:0.039 it:0.038 to:0.035 in:0.031 he:0.025 :0.667 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +the:0.07 a:0.015 have:0.013 of:0.009 and:0.008 :0.445 +of:0.355 and:0.051 to:0.049 for:0.039 the:0.036 :0.316 +of:0.049 .:0.034 and:0.029 a:0.023 for:0.02 :0.407 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +of:0.135 to:0.114 and:0.048 in:0.034 a:0.02 :0.43 +of:0.079 the:0.078 and:0.076 a:0.039 to:0.037 :0.428 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.146 of:0.082 was:0.053 and:0.049 is:0.036 :0.552 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +of:0.202 and:0.103 to:0.019 for:0.015 or:0.014 :0.365 +of:0.266 to:0.048 and:0.046 as:0.023 for:0.016 :0.485 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +to:0.086 and:0.058 the:0.028 of:0.024 in:0.016 :0.529 +the:0.007 in:0.007 a:0.006 and:0.005 of:0.003 :0.182 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +not:0.007 would:0.002 can:0.002 will:0.002 did:0.002 :0.985 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +the:0.051 to:0.039 of:0.039 that:0.031 and:0.027 :0.43 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +to:0.132 in:0.067 of:0.039 and:0.035 with:0.032 :0.515 +and:0.016 :0.012 of:0.012 the:0.009 The:0.008 :0.892 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.267 a:0.033 he:0.024 this:0.022 that:0.021 :0.485 +DAILY:0.013 from:0.012 and:0.011 of:0.009 along:0.008 :0.943 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.05 and:0.049 the:0.043 to:0.032 in:0.031 :0.506 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.017 of:0.014 the:0.011 in:0.009 a:0.006 :0.444 +of:0.096 in:0.021 and:0.016 have:0.012 at:0.009 :0.549 +the:0.162 a:0.036 his:0.024 them:0.017 and:0.017 :0.603 +of:0.052 not:0.018 will:0.016 be:0.014 have:0.01 :0.633 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +the:0.086 a:0.027 and:0.023 that:0.011 his:0.007 :0.519 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.129 and:0.037 in:0.029 into:0.025 by:0.024 :0.539 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.036 the:0.032 and:0.026 The:0.022 that:0.018 :0.654 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 and:0.025 of:0.021 a:0.012 it:0.01 :0.555 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.224 a:0.033 any:0.026 his:0.017 you:0.015 :0.372 +of:0.056 and:0.03 in:0.018 are:0.018 a:0.017 :0.628 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.002 she:0.002 with:0.002 in:0.002 to\nthe:0.002 :0.991 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +that:0.027 to:0.024 of:0.022 the:0.019 for:0.018 :0.857 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.096 of:0.03 to:0.03 and:0.023 he:0.018 :0.561 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.063 and:0.036 in:0.02 by:0.014 for:0.013 :0.644 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +of:0.126 to:0.068 and:0.035 the:0.028 in:0.021 :0.352 +of:0.178 and:0.031 to:0.024 in:0.023 the:0.015 :0.455 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +ago.:0.001 of\nthe:0.001 to\nprevent:0.001 ago,:0.001 WEST:0.001 :0.997 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +of:0.09 and:0.055 to:0.035 in:0.031 or:0.022 :0.513 +.:0.061 in:0.009 and:0.009 of:0.008 as:0.006 :0.72 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +as:0.098 of:0.097 that:0.04 the:0.027 and:0.025 :0.574 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +days:0.093 years:0.058 of:0.036 and:0.035 or:0.027 :0.533 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.032 as:0.027 and:0.024 not:0.022 of:0.019 :0.767 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.067 and:0.029 the:0.028 to:0.023 a:0.021 :0.363 +of:0.107 to:0.048 in:0.032 and:0.03 the:0.025 :0.638 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.071 in:0.042 and:0.04 to:0.029 a:0.027 :0.485 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.136 a:0.049 and:0.042 of:0.034 to:0.031 :0.485 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +own:0.02 mind:0.014 duty:0.009 hand:0.007 mind,:0.006 :0.475 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.108 a:0.023 to:0.014 that:0.012 and:0.011 :0.457 +of:0.265 and:0.075 to:0.039 for:0.025 that:0.023 :0.389 +of:0.031 to:0.031 that:0.027 in:0.025 and:0.024 :0.667 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.061 and:0.05 to:0.028 in:0.021 that:0.02 :0.239 +of:0.122 and:0.047 to:0.036 in:0.032 for:0.02 :0.446 +al.:0.001 TOBACCO:0.001 title,:0.001 :0.001 with\nwhich:0.0 :0.996 +ANGELES:0.002 AND:0.001 of\nsection:0.001 and\nMrs.:0.0 Taft:0.0 :0.995 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.105 of:0.058 the:0.055 and:0.05 in:0.033 :0.323 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.078 to:0.054 is:0.043 was:0.033 and:0.033 :0.635 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +the:0.1 a:0.032 to:0.021 that:0.018 of:0.017 :0.421 +the:0.04 to:0.015 a:0.014 and:0.013 of:0.01 :0.366 +to:0.196 in:0.062 of:0.059 and:0.056 as:0.045 :0.451 +the:0.075 to:0.026 a:0.019 it:0.019 and:0.016 :0.739 +AND:0.002 not:0.001 spent:0.001 already:0.001 of\nthe:0.001 :0.993 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.162 a:0.036 his:0.024 them:0.017 and:0.017 :0.603 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +of:0.158 and:0.059 in:0.04 to:0.022 for:0.021 :0.442 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.028 and:0.022 to:0.01 of:0.009 that:0.007 :0.642 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +and:0.062 to:0.06 of:0.039 in:0.035 for:0.025 :0.278 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.014 and:0.014 was:0.014 is:0.013 to:0.012 :0.897 +to:0.088 that:0.052 of:0.027 the:0.024 and:0.024 :0.353 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +of:0.178 and:0.052 to:0.047 in:0.017 or:0.014 :0.499 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +EVENING:0.001 iti:0.001 city,:0.001 deed:0.0 forth:0.0 :0.996 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +of:0.052 in:0.039 records:0.032 and:0.03 is:0.028 :0.637 +of:0.114 and:0.07 the:0.027 in:0.026 for:0.024 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.115 and:0.035 in:0.026 is:0.022 from:0.017 :0.577 +the:0.03 and:0.03 of:0.017 a:0.016 to:0.014 :0.541 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.067 the:0.055 and:0.047 that:0.036 of:0.029 :0.45 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.017 and:0.014 of:0.014 that:0.013 to:0.013 :0.334 +of:0.062 and:0.058 the:0.039 to:0.037 or:0.019 :0.384 +of:0.077 is:0.042 has:0.026 was:0.026 in:0.025 :0.629 +the:0.037 that:0.036 and:0.02 to:0.017 of:0.016 :0.445 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.078 that:0.024 a:0.023 and:0.021 in:0.02 :0.442 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.064 to:0.052 and:0.045 the:0.038 in:0.038 :0.643 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.086 of:0.052 is:0.041 was:0.025 a:0.019 :0.698 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +and:0.006 of:0.004 was:0.003 from:0.003 is:0.003 :0.97 +the:0.089 to:0.066 a:0.044 that:0.038 as:0.034 :0.502 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.081 in:0.038 the:0.032 a:0.029 of:0.026 :0.534 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.09 of:0.066 that:0.049 in:0.029 and:0.019 :0.678 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.044 to:0.017 the:0.016 that:0.014 of:0.012 :0.682 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +hope:0.001 of:0.001 be:0.001 .,:0.001 YORK:0.001 :0.997 +that:0.22 to:0.079 and:0.038 in:0.023 it:0.021 :0.426 +the:0.188 a:0.036 it:0.027 they:0.02 and:0.014 :0.449 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.152 of:0.029 a:0.024 in:0.021 and:0.018 :0.429 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.009 have:0.007 as:0.005 in:0.005 :0.005 :0.829 +and:0.059 the:0.035 of:0.031 be:0.014 A:0.013 :0.634 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +of:0.186 and:0.066 in:0.043 the:0.043 to:0.041 :0.373 +the:0.109 and:0.053 a:0.026 to:0.024 of:0.019 :0.478 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +of:0.003 to:0.002 with:0.002 in:0.002 on:0.001 :0.99 +and:0.029 by:0.017 the:0.017 of:0.016 to:0.013 :0.697 +the:0.026 of:0.024 a:0.018 in:0.013 to:0.013 :0.629 +the:0.017 of:0.016 that:0.015 and:0.013 to:0.013 :0.465 +in:0.048 and:0.038 of:0.032 not:0.032 the:0.02 :0.484 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +of:0.081 and:0.048 in:0.041 to:0.024 the:0.021 :0.565 +the:0.142 a:0.073 that:0.011 an:0.01 his:0.009 :0.449 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.118 to:0.032 and:0.028 the:0.023 a:0.018 :0.457 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.291 to:0.076 and:0.06 in:0.028 for:0.023 :0.387 +of:0.148 and:0.103 to:0.075 in:0.031 on:0.017 :0.517 +of:0.091 to:0.044 the:0.043 in:0.04 that:0.032 :0.531 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.092 of:0.027 to:0.025 the:0.02 in:0.013 :0.494 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.149 to:0.072 in:0.062 and:0.044 the:0.036 :0.517 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +EVENING:0.002 AND:0.001 cotton:0.001 weeks:0.001 COUNTY:0.001 :0.995 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.023 the:0.019 a:0.014 is:0.013 was:0.013 :0.531 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +the:0.055 to:0.042 and:0.03 in:0.028 a:0.027 :0.459 +and:0.042 to:0.039 in:0.033 of:0.021 as:0.015 :0.522 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.207 and:0.045 to:0.044 the:0.032 in:0.015 :0.445 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.078 and:0.041 the:0.037 to:0.025 is:0.021 :0.455 +the:0.06 to:0.051 of:0.039 and:0.031 a:0.025 :0.627 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.041 and:0.023 in:0.02 of:0.016 at:0.016 :0.591 +to:0.075 that:0.036 in:0.035 a:0.035 by:0.031 :0.648 +the:0.048 a:0.042 to:0.021 and:0.015 in:0.013 :0.698 +of:0.055 and:0.039 to:0.038 the:0.035 a:0.02 :0.519 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +be:0.332 not:0.073 have:0.037 take:0.012 the:0.01 :0.382 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +of:0.035 to:0.028 and:0.025 the:0.024 in:0.021 :0.581 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +of:0.281 the:0.056 and:0.035 to:0.025 in:0.019 :0.377 +to:0.051 of:0.03 per:0.025 and:0.022 in:0.013 :0.638 +the:0.051 of:0.027 a:0.026 and:0.018 in:0.017 :0.496 +and:0.039 of:0.02 in:0.019 the:0.019 as:0.013 :0.508 +of:0.021 was:0.02 is:0.02 has:0.018 and:0.017 :0.567 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.08 and:0.061 is:0.046 to:0.036 the:0.03 :0.476 +of:0.056 to:0.053 and:0.052 in:0.029 the:0.029 :0.578 +of:0.075 and:0.063 the:0.039 that:0.034 to:0.029 :0.363 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.044 the:0.043 and:0.037 to:0.025 a:0.018 :0.71 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.057 to:0.057 a:0.035 and:0.033 the:0.032 :0.412 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.128 to:0.108 in:0.062 and:0.061 that:0.033 :0.44 +the:0.017 of:0.016 that:0.015 and:0.013 to:0.013 :0.465 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +the:0.036 that:0.033 of:0.025 and:0.023 a:0.019 :0.66 +not:0.441 the:0.021 to:0.018 in:0.015 a:0.014 :0.359 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.097 named:0.021 a:0.02 mentioned:0.009 entitled:0.008 :0.496 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +to:0.036 the:0.027 of:0.022 a:0.019 in:0.017 :0.793 +of:0.08 the:0.05 and:0.041 to:0.02 that:0.016 :0.647 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.119 to:0.071 of:0.053 in:0.031 the:0.024 :0.334 +to:0.03 and:0.023 of:0.02 a:0.014 in:0.013 :0.536 +of:0.294 and:0.06 to:0.025 that:0.02 are:0.02 :0.413 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.19 the:0.074 and:0.064 to:0.064 in:0.048 :0.376 +of:0.283 to:0.139 and:0.038 in:0.036 for:0.026 :0.327 +of:0.125 to:0.099 and:0.061 in:0.031 that:0.023 :0.43 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.054 to:0.041 in:0.035 and:0.027 for:0.024 :0.558 +of:0.137 to:0.095 and:0.072 in:0.051 for:0.026 :0.433 +the:0.019 and:0.01 to:0.008 that:0.008 of:0.006 :0.3 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +have:0.022 of:0.018 and:0.014 in:0.014 was:0.012 :0.571 +of:0.124 to:0.038 the:0.034 that:0.027 and:0.018 :0.647 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +and:0.024 the:0.021 in:0.015 had:0.011 to:0.011 :0.733 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +as:0.003 KANSAS:0.002 and:0.002 is:0.002 to:0.001 :0.989 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +have:0.015 be:0.012 and:0.012 The:0.009 W:0.009 :0.841 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.147 of:0.041 and:0.036 in:0.03 the:0.03 :0.558 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +up:0.019 out:0.012 a:0.011 to:0.009 and:0.009 :0.864 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.296 to:0.084 and:0.059 by:0.032 that:0.025 :0.465 +of:0.039 and:0.033 to:0.016 in:0.016 that:0.013 :0.798 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +the:0.109 and:0.053 a:0.026 to:0.024 of:0.019 :0.478 +the:0.048 and:0.043 of:0.03 in:0.009 to:0.008 :0.392 +the:0.077 and:0.019 to:0.018 a:0.017 for:0.014 :0.524 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +the:0.071 a:0.017 his:0.006 all:0.006 any:0.006 :0.615 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.2 it:0.06 we:0.051 he:0.046 they:0.036 :0.412 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +that:0.042 of:0.039 the:0.038 and:0.02 to:0.019 :0.378 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +a:0.07 in:0.068 to:0.061 by:0.052 the:0.047 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.111 and:0.107 of:0.066 that:0.034 for:0.033 :0.476 +of:0.052 to:0.047 in:0.041 and:0.04 at:0.02 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.025 of:0.022 be:0.015 not:0.011 to:0.009 :0.443 +of:0.149 and:0.047 are:0.036 the:0.024 to:0.021 :0.53 +and:0.058 of:0.051 the:0.027 in:0.023 for:0.015 :0.555 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.078 of:0.048 and:0.04 in:0.037 the:0.027 :0.548 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +of:0.136 and:0.056 to:0.033 in:0.025 or:0.023 :0.664 +of:0.152 to:0.083 and:0.035 in:0.027 the:0.026 :0.313 +side:0.006 of:0.003 and:0.003 time:0.003 YORK:0.003 :0.974 +of:0.105 to:0.089 and:0.073 in:0.047 as:0.045 :0.467 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +to:0.107 the:0.091 a:0.038 of:0.037 is:0.034 :0.583 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.179 and:0.053 in:0.038 to:0.029 by:0.021 :0.51 +of:0.11 side:0.05 the:0.032 half:0.017 and:0.016 :0.621 +of:0.415 and:0.039 to:0.036 for:0.019 in:0.018 :0.393 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.074 to:0.052 the:0.048 and:0.048 what:0.045 :0.596 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +in:0.032 and:0.03 to:0.024 at:0.017 of:0.016 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.083 and:0.065 of:0.048 the:0.038 that:0.03 :0.464 +of:0.128 to:0.056 and:0.042 for:0.033 the:0.033 :0.506 +to:0.123 of:0.112 in:0.034 and:0.033 the:0.023 :0.385 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.083 to:0.061 and:0.053 or:0.027 in:0.021 :0.492 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +to:0.024 by:0.013 in:0.013 of:0.009 the:0.009 :0.912 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.054 a:0.031 and:0.029 in:0.018 it:0.012 :0.465 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +of:0.045 the:0.033 and:0.03 to:0.026 in:0.017 :0.62 +to:0.041 and:0.023 in:0.02 of:0.016 at:0.016 :0.591 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +to:0.061 the:0.05 of:0.036 a:0.031 in:0.019 :0.434 +and:0.053 in:0.052 the:0.044 of:0.03 a:0.027 :0.685 +of:0.021 than:0.013 in:0.006 and:0.005 of\nthe:0.005 :0.94 +of:0.047 to:0.024 the:0.02 and:0.017 a:0.016 :0.493 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.255 to:0.064 and:0.033 the:0.024 is:0.021 :0.411 +of:0.126 and:0.079 to:0.053 in:0.051 that:0.037 :0.485 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.1 of:0.054 a:0.036 and:0.027 to:0.021 :0.436 +of:0.022 and:0.015 :0.008 the:0.006 a:0.006 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.103 that:0.046 of:0.046 the:0.035 a:0.032 :0.666 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +of:0.065 and:0.041 the:0.019 to:0.018 side:0.016 :0.489 +and:0.067 of:0.066 to:0.047 the:0.042 in:0.024 :0.538 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.053 is:0.047 was:0.034 and:0.031 will:0.026 :0.537 +to:0.022 he:0.02 the:0.018 and:0.016 a:0.012 :0.48 +of:0.152 and:0.059 to:0.05 in:0.032 as:0.019 :0.416 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.082 of:0.061 and:0.057 the:0.056 that:0.023 :0.416 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.019 of:0.018 the:0.009 that:0.009 a:0.009 :0.672 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +the:0.055 and:0.017 by:0.015 of:0.012 to:0.011 :0.663 +and:0.023 of:0.019 the:0.011 or:0.007 :0.005 :0.657 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.021 to:0.018 of:0.017 the:0.013 in:0.01 :0.598 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.172 a:0.078 ten:0.05 this:0.016 one:0.014 :0.541 +and:0.078 of:0.072 the:0.024 to:0.021 in:0.017 :0.412 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.059 and:0.054 the:0.04 in:0.026 a:0.023 :0.549 +to:0.07 of:0.061 the:0.04 and:0.034 is:0.029 :0.518 +the:0.094 to:0.055 in:0.032 of:0.019 and:0.017 :0.555 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +of:0.188 and:0.036 to:0.032 in:0.028 the:0.028 :0.432 +the:0.043 and:0.036 side:0.031 to:0.03 in:0.024 :0.541 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +who:0.223 of:0.089 in:0.031 and:0.022 is:0.014 :0.456 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +of:0.207 and:0.035 in:0.028 the:0.026 a:0.022 :0.449 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.03 and:0.029 in:0.025 the:0.024 to:0.022 :0.691 +of:0.094 to:0.071 is:0.029 the:0.028 a:0.026 :0.486 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.18 of:0.101 and:0.083 in:0.026 the:0.016 :0.313 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.353 and:0.051 to:0.03 or:0.024 in:0.02 :0.323 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.084 of:0.065 in:0.048 to:0.046 that:0.038 :0.507 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.071 the:0.03 to:0.028 for:0.024 and:0.021 :0.624 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.068 and:0.045 of:0.032 in:0.022 on:0.012 :0.503 +to:0.105 of:0.102 and:0.056 in:0.027 for:0.014 :0.423 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.234 a:0.044 to:0.023 his:0.019 this:0.017 :0.475 +of:0.126 to:0.068 and:0.035 the:0.028 in:0.021 :0.352 +the:0.501 a:0.03 this:0.022 his:0.021 tho:0.015 :0.308 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.069 and:0.033 in:0.03 to:0.016 as:0.014 :0.488 +that:0.039 the:0.037 to:0.022 and:0.014 of:0.013 :0.433 +the:0.064 was:0.046 is:0.043 he:0.035 has:0.03 :0.592 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +of:0.161 to:0.044 and:0.04 in:0.026 the:0.026 :0.47 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.024 the:0.021 in:0.015 had:0.011 to:0.011 :0.733 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.064 to:0.054 of:0.038 that:0.018 for:0.016 :0.399 +of:0.073 the:0.061 to:0.049 and:0.038 for:0.026 :0.535 +the:0.017 and:0.014 of:0.014 that:0.013 to:0.013 :0.334 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.055 and:0.045 the:0.038 by:0.024 in:0.021 :0.442 +to:0.036 and:0.03 as:0.021 in:0.016 is:0.016 :0.63 +of:0.104 to:0.058 and:0.038 in:0.033 for:0.025 :0.556 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +that:0.022 and:0.007 we:0.005 they:0.005 of:0.004 :0.946 +the:0.152 of:0.029 a:0.024 in:0.021 and:0.018 :0.429 +of:0.037 and:0.014 to:0.013 a:0.01 the:0.005 :0.89 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.219 and:0.068 to:0.034 in:0.027 was:0.024 :0.406 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.061 of:0.033 and:0.029 a:0.027 that:0.015 :0.204 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.034 and:0.025 the:0.022 or:0.017 which:0.006 :0.833 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.102 the:0.067 and:0.051 it:0.043 to:0.039 :0.418 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.039 in:0.023 the:0.02 that:0.018 and:0.013 :0.61 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.034 to:0.034 a:0.03 of:0.027 as:0.02 :0.346 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +and:0.053 of:0.032 to:0.028 .:0.02 the:0.018 :0.595 +the:0.031 of:0.025 and:0.019 a:0.015 that:0.013 :0.645 +of:0.29 and:0.063 to:0.051 in:0.042 for:0.015 :0.353 +of:0.055 to:0.027 and:0.025 in:0.02 at:0.013 :0.514 +and:0.129 of:0.111 in:0.036 to:0.023 by:0.022 :0.517 +of:0.062 and:0.061 to:0.035 in:0.021 that:0.019 :0.43 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.058 the:0.013 and:0.011 is:0.01 in:0.01 :0.857 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +o'clock:0.002 :0.001 They:0.001 feet:0.001 o'clock,:0.001 :0.995 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.011 a:0.01 of:0.009 the:0.009 or:0.007 :0.479 +to:0.123 and:0.103 in:0.048 of:0.016 for:0.015 :0.418 +the:0.032 a:0.02 of:0.018 and:0.01 in:0.007 :0.344 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +of:0.063 to:0.06 and:0.038 that:0.037 the:0.012 :0.759 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.121 to:0.072 the:0.048 in:0.043 and:0.041 :0.555 +of:0.031 and:0.017 to:0.016 in:0.015 as:0.012 :0.851 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +of:0.242 and:0.072 to:0.039 the:0.026 in:0.025 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.116 and:0.049 to:0.042 that:0.037 the:0.034 :0.481 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.021 and:0.019 of:0.016 to:0.014 it:0.012 :0.749 +is:0.007 and:0.007 :0.005 was:0.005 who:0.005 :0.937 +city:0.013 year:0.011 way:0.008 morning:0.007 country:0.007 :0.674 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +that:0.185 to:0.055 the:0.039 and:0.029 a:0.021 :0.458 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +people:0.003 day:0.003 he:0.002 it:0.002 two:0.002 :0.983 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.16 of:0.124 in:0.052 and:0.034 on:0.019 :0.562 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.02 and:0.011 from:0.007 made:0.007 No.:0.006 :0.911 +and:0.087 of:0.07 in:0.059 to:0.055 for:0.039 :0.508 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +be:0.004 the:0.003 and:0.003 a:0.003 which:0.003 :0.97 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.076 after:0.069 to:0.062 in:0.031 and:0.031 :0.636 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.04 a:0.013 this:0.008 not:0.006 any:0.005 :0.78 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.256 to:0.041 a:0.04 that:0.026 his:0.015 :0.474 +in:0.045 to:0.043 and:0.024 of:0.023 a:0.018 :0.401 +and:0.019 the:0.016 of:0.01 a:0.007 as:0.005 :0.363 +of:0.224 and:0.044 to:0.044 in:0.03 the:0.026 :0.315 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.041 and:0.031 .:0.027 the:0.01 than:0.009 :0.408 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.017 who:0.01 to:0.008 for:0.008 in:0.008 :0.948 +of:0.032 and:0.024 or:0.009 .:0.007 for:0.006 :0.79 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +are:0.06 have:0.053 will:0.049 can:0.027 of:0.024 :0.614 +of:0.248 to:0.069 and:0.052 in:0.033 for:0.029 :0.415 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.07 to:0.056 of:0.05 the:0.042 that:0.034 :0.42 +and:0.022 deal:0.015 hard:0.013 of:0.012 faith:0.011 :0.766 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.033 and:0.032 of:0.024 is:0.022 to:0.021 :0.578 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.084 and:0.053 the:0.03 that:0.018 to:0.017 :0.404 +and:0.053 the:0.025 in:0.015 is:0.014 as:0.013 :0.303 +of:0.312 to:0.078 and:0.037 in:0.029 are:0.023 :0.358 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.022 of:0.01 and:0.008 than:0.006 the:0.005 :0.949 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.099 and:0.057 to:0.056 in:0.016 as:0.013 :0.71 +and:0.059 in:0.038 the:0.029 of:0.026 but:0.023 :0.679 +of:0.097 and:0.03 in:0.025 at:0.014 have:0.013 :0.606 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.27 and:0.079 to:0.042 in:0.041 as:0.024 :0.423 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.13 and:0.077 to:0.068 in:0.027 the:0.016 :0.399 +the:0.083 of:0.07 a:0.068 by:0.037 in:0.035 :0.524 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +and:0.017 the:0.011 a:0.01 for:0.01 to:0.009 :0.446 +of:0.091 to:0.038 and:0.034 than:0.025 the:0.019 :0.576 +of:0.055 to:0.027 and:0.025 in:0.02 at:0.013 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.138 and:0.074 to:0.059 that:0.03 in:0.026 :0.438 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +of:0.087 to:0.083 and:0.046 for:0.028 in:0.025 :0.451 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.243 a:0.036 this:0.012 his:0.01 her:0.01 :0.407 +a:0.009 and:0.008 in:0.007 the:0.006 of:0.005 :0.804 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +and:0.02 not:0.01 is:0.008 in:0.007 :0.006 :0.453 +and:0.035 the:0.027 to:0.021 in:0.016 of:0.016 :0.626 +of:0.201 to:0.096 and:0.038 in:0.028 is:0.028 :0.341 +of:0.29 and:0.063 to:0.051 in:0.042 for:0.015 :0.353 +of:0.171 in:0.089 to:0.055 and:0.046 by:0.044 :0.492 +the:0.071 a:0.051 in:0.042 to:0.039 of:0.035 :0.542 +that:0.022 and:0.007 we:0.005 they:0.005 of:0.004 :0.946 +the:0.02 AND:0.008 :0.007 and:0.005 a:0.005 :0.747 +of:0.101 to:0.044 and:0.041 that:0.026 the:0.017 :0.497 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +made:0.029 a:0.026 the:0.022 to:0.015 in:0.01 :0.633 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.071 the:0.057 of:0.037 in:0.032 and:0.029 :0.457 +the:0.134 and:0.02 of:0.016 a:0.014 all:0.011 :0.551 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.12 of:0.072 and:0.069 by:0.062 the:0.062 :0.491 +a:0.018 the:0.015 much:0.011 in:0.008 to:0.008 :0.742 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.056 of:0.032 in:0.022 as:0.014 to:0.014 :0.457 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.045 of:0.043 and:0.031 in:0.017 that:0.016 :0.369 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +into:0.04 to:0.012 of:0.008 and:0.006 by:0.005 :0.93 +hundred:0.044 of:0.04 years:0.035 and:0.032 months:0.029 :0.577 +the:0.248 to:0.039 and:0.026 in:0.025 a:0.024 :0.466 +of:0.197 and:0.051 in:0.038 to:0.025 for:0.015 :0.273 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.043 and:0.042 have:0.02 was:0.018 the:0.015 :0.533 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.043 a:0.017 and:0.014 be:0.011 have:0.01 :0.818 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.006 be:0.005 .:0.005 not:0.003 all:0.003 :0.943 +the:0.228 a:0.036 tho:0.012 his:0.012 this:0.011 :0.467 +of:0.129 to:0.098 in:0.066 the:0.039 and:0.032 :0.518 +of:0.05 and:0.037 to:0.031 the:0.026 for:0.022 :0.734 +the:0.115 a:0.04 and:0.024 him:0.024 to:0.021 :0.557 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.057 and:0.036 of:0.033 a:0.032 to:0.016 :0.468 +of:0.333 is:0.078 was:0.05 to:0.036 in:0.035 :0.352 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.085 to:0.053 the:0.039 and:0.028 in:0.021 :0.384 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.319 and:0.054 in:0.022 have:0.016 to:0.012 :0.451 +to:0.018 in:0.013 and:0.01 of:0.01 on:0.008 :0.94 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.45 the:0.035 in:0.019 and:0.017 to:0.014 :0.314 +that:0.041 to:0.041 and:0.04 a:0.025 as:0.02 :0.618 +of:0.014 who:0.006 and:0.006 are:0.005 is:0.005 :0.964 +the:0.041 and:0.039 of:0.036 to:0.033 in:0.021 :0.705 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +number:0.043 of:0.021 and:0.019 the:0.01 to:0.009 :0.526 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +the:0.214 a:0.058 his:0.015 this:0.012 it:0.01 :0.495 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +of:0.159 and:0.063 to:0.039 in:0.032 the:0.031 :0.372 +of:0.173 to:0.071 for:0.055 and:0.045 the:0.04 :0.521 +of:0.08 and:0.016 of\nthe:0.008 :0.005 in:0.005 :0.806 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.019 in:0.015 by:0.009 at:0.009 the:0.009 :0.67 +and:0.058 to:0.031 in:0.019 of:0.018 as:0.013 :0.605 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.057 the:0.039 was:0.032 is:0.029 in:0.017 :0.605 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.077 and:0.038 in:0.03 to:0.021 with:0.018 :0.402 +and:0.022 of:0.02 to:0.018 the:0.01 by:0.008 :0.698 +to:0.079 of:0.049 in:0.023 the:0.021 for:0.018 :0.471 +to:0.103 of:0.083 and:0.042 in:0.028 is:0.019 :0.541 +in:0.025 of:0.025 and:0.021 to:0.019 by:0.014 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +not:0.207 to:0.04 the:0.037 of:0.022 and:0.02 :0.462 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.292 of:0.115 in:0.059 and:0.039 on:0.024 :0.322 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.067 the:0.063 of:0.049 is:0.02 was:0.019 :0.568 +the:0.149 of:0.048 that:0.037 and:0.036 to:0.03 :0.646 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +OF:0.005 good:0.002 money:0.002 that:0.002 m:0.002 :0.98 +was:0.025 is:0.018 and:0.015 had:0.014 that:0.011 :0.72 +the:0.117 to:0.039 a:0.036 of:0.021 in:0.017 :0.431 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +of:0.152 and:0.09 to:0.085 in:0.045 for:0.035 :0.433 +and:0.067 to:0.062 of:0.045 in:0.024 for:0.022 :0.602 +the:0.117 a:0.04 it:0.031 that:0.031 any:0.015 :0.419 +to:0.042 the:0.04 and:0.026 of:0.016 :0.012 :0.569 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.048 of:0.044 and:0.035 as:0.035 in:0.015 :0.404 +be:0.25 not:0.03 have:0.022 bo:0.013 vote:0.012 :0.511 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +of:0.321 and:0.054 to:0.046 that:0.039 for:0.039 :0.278 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.019 and:0.016 the:0.011 to:0.009 or:0.007 :0.532 +the:0.059 of:0.023 and:0.021 a:0.014 to:0.012 :0.514 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.167 hundred:0.039 and:0.031 to:0.025 who:0.016 :0.553 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.105 but:0.014 a:0.013 and:0.013 to:0.012 :0.643 +the:0.144 a:0.066 it:0.031 of:0.02 an:0.016 :0.471 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.098 of:0.056 in:0.025 is:0.019 that:0.018 :0.603 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.054 in:0.04 and:0.039 to:0.034 are:0.029 :0.652 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.015 with:0.008 to:0.006 of:0.005 :0.004 :0.912 +of:0.142 and:0.065 the:0.03 that:0.011 on:0.009 :0.388 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.065 a:0.04 to:0.027 and:0.02 in:0.019 :0.484 +to:0.076 a:0.042 in:0.04 and:0.027 the:0.025 :0.698 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +south:0.055 north:0.05 along:0.027 N.:0.026 S.:0.025 :0.45 +of:0.085 to:0.045 and:0.035 the:0.028 is:0.027 :0.655 +of:0.023 the:0.021 was:0.019 is:0.019 and:0.014 :0.462 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.05 to:0.039 and:0.036 as:0.027 in:0.022 :0.612 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +who\nare:0.001 of\nNorth:0.001 .:0.001 AND:0.001 lying:0.001 :0.997 +the:0.152 of:0.029 a:0.024 in:0.021 and:0.018 :0.429 +to:0.068 and:0.045 of:0.032 in:0.022 on:0.012 :0.503 +of:0.356 to:0.08 and:0.07 in:0.031 is:0.024 :0.222 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.005 are:0.005 have:0.005 :0.004 of:0.004 :0.973 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.077 and:0.019 to:0.018 a:0.017 for:0.014 :0.524 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.249 that:0.023 a:0.019 to:0.018 and:0.017 :0.431 +who:0.092 of:0.055 to:0.05 in:0.047 is:0.038 :0.557 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.034 night:0.024 year.:0.021 year:0.019 and:0.016 :0.57 +of:0.031 and:0.017 to:0.014 in:0.012 as:0.007 :0.548 +of:0.445 to:0.051 in:0.048 and:0.046 the:0.036 :0.291 +and:0.019 to:0.014 that:0.014 as:0.013 the:0.012 :0.587 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.058 of:0.048 and:0.035 in:0.026 forth:0.021 :0.476 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +of:0.32 and:0.082 to:0.031 in:0.023 as:0.021 :0.331 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +not:0.169 be:0.13 see:0.029 have:0.023 to:0.014 :0.478 +of:0.161 to:0.057 and:0.038 in:0.026 for:0.021 :0.343 +the:0.101 and:0.077 to:0.061 of:0.051 for:0.041 :0.452 +of:0.118 who:0.101 and:0.049 in:0.037 as:0.025 :0.554 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.143 to:0.081 and:0.073 the:0.049 that:0.023 :0.372 +of:0.108 to:0.077 and:0.075 house:0.036 in:0.031 :0.555 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +of:0.207 and:0.04 the:0.038 in:0.032 to:0.027 :0.481 +to:0.097 of:0.071 and:0.055 the:0.05 in:0.026 :0.545 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +in:0.067 of:0.059 to:0.038 and:0.028 on:0.019 :0.439 +of:0.005 from:0.004 to:0.004 and:0.003 day:0.003 :0.976 +the:0.021 of:0.019 to:0.019 in:0.016 and:0.013 :0.686 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +to:0.104 and:0.05 of:0.05 in:0.043 the:0.031 :0.49 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +as:0.046 to:0.026 of:0.025 and:0.021 a:0.014 :0.679 +the:0.038 of:0.034 and:0.028 in:0.02 a:0.018 :0.55 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +the:0.044 of:0.022 and:0.019 that:0.01 a:0.01 :0.314 +of:0.077 time:0.036 and:0.021 other:0.019 to:0.015 :0.541 +of:0.633 and:0.045 of\nthe:0.018 to:0.016 in:0.015 :0.194 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +of:0.181 and:0.041 the:0.039 in:0.038 a:0.021 :0.503 +the:0.092 of:0.043 and:0.04 a:0.03 to:0.028 :0.423 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.054 the:0.032 and:0.027 in:0.023 a:0.015 :0.554 +of:0.185 who:0.044 in:0.042 and:0.035 are:0.026 :0.489 +and:0.044 to:0.017 the:0.016 that:0.014 of:0.012 :0.682 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +years:0.062 or:0.036 days:0.022 of:0.02 and:0.019 :0.614 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.034 it.:0.007 their:0.007 a:0.007 it:0.007 :0.927 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.139 a:0.066 it:0.032 they:0.017 you:0.014 :0.414 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.077 and:0.06 in:0.022 was:0.021 will:0.019 :0.463 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.034 in:0.022 of:0.019 and:0.019 as:0.015 :0.832 +of:0.016 and:0.01 it:0.007 that:0.006 to:0.006 :0.907 +of:0.2 to:0.09 and:0.057 in:0.04 or:0.022 :0.406 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.207 and:0.035 in:0.028 the:0.026 a:0.022 :0.449 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.149 and:0.047 are:0.036 the:0.024 to:0.021 :0.53 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.079 and:0.046 in:0.031 The:0.031 to:0.027 :0.49 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.014 of:0.013 and:0.011 be:0.006 The:0.006 :0.503 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.033 and:0.032 of:0.024 is:0.022 to:0.021 :0.578 +of:0.071 and:0.038 in:0.022 the:0.02 that:0.017 :0.599 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.238 to:0.102 and:0.072 that:0.044 in:0.031 :0.4 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.067 to:0.062 and:0.052 in:0.039 for:0.024 :0.56 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.047 to:0.03 that:0.024 of:0.017 is:0.014 :0.531 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 a:0.071 it:0.018 that:0.016 how:0.013 :0.527 +to:0.074 of:0.056 and:0.041 by:0.031 from:0.026 :0.741 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +that:0.03 and:0.028 the:0.025 it:0.022 to:0.02 :0.585 +of:0.091 and:0.057 in:0.048 to:0.035 the:0.024 :0.557 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.316 of:0.061 in:0.041 and:0.031 that:0.029 :0.376 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.029 and:0.018 not:0.012 that:0.011 in:0.01 :0.77 +be:0.293 have:0.023 not:0.021 bo:0.015 the:0.015 :0.444 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.083 to:0.079 and:0.074 in:0.03 the:0.02 :0.627 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.197 and:0.111 to:0.103 for:0.04 in:0.026 :0.318 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +to:0.072 of:0.043 up:0.037 and:0.033 out:0.03 :0.638 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.04 to:0.015 a:0.014 and:0.013 of:0.01 :0.366 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +have:0.087 are:0.056 must:0.026 can:0.025 know:0.022 :0.665 +to:0.023 the:0.022 and:0.016 of:0.015 a:0.011 :0.528 +deed:0.02 to:0.014 mortgage:0.014 of:0.01 and:0.009 :0.739 +of:0.084 to:0.081 and:0.042 the:0.033 The:0.018 :0.378 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.115 and:0.109 to:0.057 in:0.025 the:0.023 :0.338 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +of:0.056 the:0.054 a:0.04 to:0.034 and:0.033 :0.376 +of:0.081 and:0.032 the:0.018 The:0.015 in:0.013 :0.378 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +of:0.152 the:0.084 to:0.043 in:0.037 by:0.025 :0.492 +be:0.26 have:0.057 not:0.039 bo:0.024 and:0.01 :0.437 +of:0.193 and:0.071 to:0.047 the:0.031 in:0.02 :0.411 +of:0.154 the:0.061 they:0.041 he:0.039 it:0.035 :0.524 +as:0.052 of:0.05 to:0.042 and:0.034 in:0.029 :0.504 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +of:0.165 and:0.063 to:0.051 in:0.023 for:0.023 :0.464 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.063 and:0.031 :0.014 The:0.013 have:0.009 :0.541 +to:0.008 of:0.008 and:0.004 hundred:0.004 had:0.003 :0.967 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.165 of:0.067 and:0.049 in:0.038 on:0.032 :0.488 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.068 to:0.033 and:0.032 of:0.027 a:0.023 :0.543 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.159 to:0.095 and:0.048 in:0.045 is:0.023 :0.456 +of:0.131 to:0.085 and:0.054 that:0.047 in:0.028 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 of:0.026 DAILY:0.025 to:0.017 in:0.01 :0.321 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.054 a:0.042 in:0.016 to:0.013 that:0.01 :0.533 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +The:0.036 :0.022 a:0.019 .:0.017 of:0.013 :0.657 +of:0.339 to:0.095 and:0.077 in:0.051 for:0.024 :0.329 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +of:0.188 to:0.063 and:0.024 the:0.024 a:0.018 :0.316 +of:0.044 the:0.032 and:0.028 that:0.013 to:0.009 :0.618 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.057 that:0.044 and:0.033 to:0.026 it:0.018 :0.525 +the:0.039 and:0.023 a:0.021 to:0.017 in:0.015 :0.526 +as:0.168 of:0.035 known:0.034 to:0.032 and:0.026 :0.478 +doubt:0.045 longer:0.024 other:0.016 one:0.015 more:0.013 :0.605 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +of:0.039 other,:0.032 to:0.023 other:0.021 and:0.02 :0.665 +of:0.499 in:0.042 to:0.037 and:0.029 with:0.026 :0.27 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.232 to:0.111 in:0.052 the:0.037 and:0.026 :0.418 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.023 the:0.019 and:0.018 of:0.017 a:0.014 :0.37 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.214 to:0.048 and:0.028 that:0.026 for:0.022 :0.526 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.055 to:0.027 and:0.025 in:0.02 at:0.013 :0.514 +of:0.007 to:0.003 of\nthe:0.003 from:0.003 given,:0.002 :0.982 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.281 the:0.056 and:0.035 to:0.025 in:0.019 :0.377 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.153 and:0.047 in:0.028 to:0.013 that:0.012 :0.381 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +that:0.024 to:0.024 mortgage:0.022 county,:0.019 and:0.015 :0.663 +of:0.024 and:0.019 in:0.013 to:0.013 day:0.01 :0.594 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +to:0.002 know:0.002 with:0.002 York:0.001 COUNTY:0.001 :0.99 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.022 beings:0.013 a:0.011 of:0.011 and:0.009 :0.587 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.063 a:0.044 and:0.012 that:0.008 his:0.006 :0.511 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +are:0.125 have:0.092 will:0.051 were:0.047 had:0.028 :0.513 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.053 and:0.027 a:0.025 have:0.024 of:0.01 :0.311 +the:0.031 a:0.019 of:0.017 made:0.013 and:0.011 :0.682 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +ith:0.217 the:0.024 ill:0.019 a:0.017 to:0.016 :0.404 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +and:0.028 in:0.013 of:0.013 to:0.011 a:0.009 :0.487 +to:0.059 a:0.039 the:0.038 and:0.037 in:0.029 :0.619 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.083 a:0.018 and:0.008 of:0.008 is:0.005 :0.056 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +to:0.132 of:0.097 the:0.062 and:0.035 for:0.028 :0.426 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233 +of:0.155 to:0.094 and:0.051 that:0.048 in:0.029 :0.543 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.057 to:0.045 and:0.034 a:0.031 of:0.03 :0.29 +the:0.031 and:0.019 a:0.014 in:0.011 to:0.009 :0.418 +and:0.04 of:0.03 to:0.018 the:0.014 in:0.011 :0.648 +the:0.09 to:0.06 and:0.031 a:0.025 in:0.018 :0.487 +of:0.291 to:0.076 and:0.06 in:0.028 for:0.023 :0.387 +and:0.061 to:0.03 of:0.027 in:0.021 that:0.016 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +time:0.053 and:0.022 of:0.015 to:0.013 in:0.013 :0.677 +the:0.302 a:0.083 his:0.015 this:0.014 any:0.011 :0.354 +to:0.117 of:0.105 the:0.047 and:0.041 that:0.04 :0.455 +of:0.218 to:0.1 and:0.056 in:0.035 for:0.031 :0.411 +of:0.157 in:0.036 to:0.033 and:0.023 at:0.023 :0.559 +of:0.183 to:0.126 in:0.068 and:0.067 by:0.047 :0.371 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.077 a:0.05 and:0.015 to:0.015 in:0.011 :0.41 +of:0.045 in:0.042 a:0.038 and:0.03 o'clock:0.028 :0.69 +to:0.127 of:0.055 and:0.033 in:0.032 into:0.03 :0.572 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.118 to:0.043 by:0.04 and:0.039 in:0.034 :0.517 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +of:0.061 and:0.056 to:0.04 in:0.026 or:0.022 :0.624 +the:0.028 of:0.019 a:0.016 and:0.013 in:0.01 :0.355 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +of:0.074 and:0.033 years:0.031 cases:0.015 times:0.011 :0.594 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +of:0.037 and:0.014 to:0.013 a:0.01 the:0.005 :0.89 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.033 valorem:0.02 a:0.012 and:0.011 in:0.011 :0.639 +of:0.263 the:0.061 in:0.054 to:0.051 and:0.033 :0.399 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.042 the:0.032 and:0.025 to:0.025 is:0.02 :0.69 +the:0.018 a:0.012 .:0.011 and:0.006 good:0.005 :0.792 +and:0.026 of:0.025 The:0.009 in:0.008 :0.008 :0.882 +of:0.055 to:0.027 and:0.025 in:0.02 at:0.013 :0.514 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.07 and:0.051 that:0.037 of:0.032 The:0.022 :0.509 +to:0.137 the:0.047 and:0.044 of:0.042 in:0.037 :0.457 +the:0.103 any:0.026 a:0.021 this:0.007 it:0.006 :0.427 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.16 with:0.035 and:0.032 is:0.027 in:0.021 :0.726 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +to:0.127 of:0.104 and:0.052 is:0.04 for:0.034 :0.491 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.031 and:0.03 to:0.026 in:0.02 the:0.014 :0.501 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.039 to:0.037 a:0.026 not:0.02 the:0.019 :0.578 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.08 of:0.046 and:0.043 in:0.034 the:0.032 :0.68 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.102 to:0.059 and:0.057 in:0.045 that:0.035 :0.392 +to:0.168 of:0.111 the:0.033 and:0.026 for:0.021 :0.491 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.063 in:0.045 the:0.034 and:0.029 of:0.025 :0.6 +own:0.017 and:0.006 of:0.005 progress:0.004 present:0.004 :0.602 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.106 to:0.088 that:0.048 in:0.038 a:0.034 :0.548 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.114 of:0.075 as:0.062 the:0.047 to:0.044 :0.46 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +had:0.078 was:0.075 is:0.051 would:0.035 has:0.025 :0.554 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.078 and:0.065 to:0.052 in:0.04 the:0.035 :0.428 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.161 to:0.044 and:0.04 in:0.026 the:0.026 :0.47 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.097 and:0.03 in:0.025 at:0.014 have:0.013 :0.606 +to:0.066 of:0.039 and:0.034 as:0.021 in:0.015 :0.429 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.118 it:0.067 he:0.061 they:0.057 you:0.034 :0.537 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +of:0.154 to:0.071 in:0.061 and:0.027 per:0.024 :0.507 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.028 and:0.02 the:0.011 have:0.009 a:0.007 :0.655 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +a:0.029 and:0.027 the:0.023 in:0.022 not:0.018 :0.632 +of:0.197 in:0.07 and:0.047 to:0.034 where:0.023 :0.522 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +a:0.055 the:0.031 not:0.023 in:0.022 to:0.014 :0.602 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +to:0.09 and:0.043 the:0.039 in:0.035 of:0.03 :0.505 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.324 and:0.05 to:0.023 in:0.018 at:0.014 :0.357 +the:0.119 a:0.054 to:0.047 in:0.037 not:0.032 :0.362 +of:0.045 to:0.043 and:0.041 the:0.027 that:0.025 :0.392 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +to:0.031 and:0.021 own:0.016 in:0.011 of:0.011 :0.54 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +other:0.087 one:0.024 of:0.015 person:0.012 part:0.01 :0.474 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.09 and:0.042 in:0.027 to:0.026 that:0.019 :0.531 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +a:0.044 the:0.041 to:0.028 of:0.024 in:0.023 :0.592 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.055 and:0.055 in:0.04 of:0.038 or:0.017 :0.507 +of:0.116 and:0.064 to:0.056 in:0.047 on:0.018 :0.425 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.139 of:0.13 to:0.083 in:0.03 for:0.028 :0.466 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +than:0.222 or:0.031 of:0.027 the:0.02 to:0.018 :0.467 +to:0.095 and:0.063 in:0.059 the:0.031 as:0.023 :0.564 +of:0.118 the:0.059 and:0.059 to:0.048 a:0.025 :0.53 +of:0.114 and:0.036 in:0.035 to:0.027 is:0.022 :0.507 +of:0.049 and:0.046 as:0.043 the:0.036 in:0.022 :0.395 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +to:0.047 of:0.043 and:0.037 the:0.02 for:0.015 :0.642 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.046 of:0.036 in:0.03 and:0.025 the:0.016 :0.647 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.12 a:0.053 and:0.02 in:0.016 of:0.016 :0.457 +the:0.315 a:0.043 his:0.029 this:0.017 their:0.014 :0.45 +of:0.148 and:0.059 in:0.047 to:0.034 by:0.03 :0.425 +the:0.075 to:0.037 it:0.023 that:0.023 and:0.019 :0.521 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.075 to:0.028 and:0.022 the:0.019 as:0.016 :0.686 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.159 to:0.104 and:0.062 in:0.053 for:0.022 :0.523 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.274 a:0.047 his:0.021 which:0.02 her:0.019 :0.472 +that:0.078 far:0.049 much:0.038 as:0.028 to:0.026 :0.573 +to:0.048 in:0.044 of:0.026 and:0.024 on:0.022 :0.617 +of:0.104 and:0.069 to:0.062 in:0.044 that:0.032 :0.445 +than:0.043 of:0.036 in:0.014 and:0.014 DAILY:0.009 :0.815 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +is:0.192 was:0.107 are:0.089 were:0.042 will:0.021 :0.425 +the:0.088 a:0.028 for:0.028 to:0.015 and:0.014 :0.678 +of:0.137 ago:0.054 to:0.048 and:0.03 in:0.029 :0.578 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +not:0.035 the:0.026 to:0.026 now:0.024 a:0.015 :0.636 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.036 he:0.035 it:0.031 they:0.027 to:0.025 :0.617 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +be:0.155 have:0.103 not:0.085 the:0.014 do:0.01 :0.486 +a:0.106 an:0.028 as:0.021 the:0.012 :0.006 :0.486 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.034 and:0.023 to:0.022 in:0.014 the:0.013 :0.67 +been:0.093 a:0.04 the:0.039 no:0.033 not:0.029 :0.541 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +States:0.004 m:0.002 Y:0.002 m.,:0.002 H.:0.002 :0.985 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.1 a:0.063 to:0.048 it:0.032 they:0.023 :0.528 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +the:0.109 to:0.058 for:0.033 a:0.03 in:0.029 :0.546 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +the:0.017 and:0.014 of:0.014 that:0.013 to:0.013 :0.334 +of:0.171 and:0.035 in:0.034 to:0.033 that:0.023 :0.596 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +of:0.023 auction,:0.019 auction:0.016 and:0.015 to:0.014 :0.637 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +to:0.071 of:0.03 the:0.026 and:0.022 in:0.012 :0.549 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.051 in:0.021 and:0.018 to:0.015 for:0.014 :0.607 +of:0.147 the:0.057 to:0.049 in:0.032 a:0.031 :0.449 +and:0.019 are:0.015 were:0.013 have:0.013 The:0.013 :0.83 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.032 that:0.031 the:0.023 to:0.02 is:0.02 :0.536 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.251 a:0.029 his:0.017 this:0.013 good:0.011 :0.441 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +.:0.023 is:0.012 in:0.012 to:0.011 and:0.009 :0.907 +to:0.083 and:0.065 of:0.048 the:0.038 that:0.03 :0.464 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.009 other:0.007 United:0.006 city:0.006 most:0.005 :0.653 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +much:0.035 and:0.012 of:0.009 to:0.007 often:0.005 :0.607 +of:0.42 and:0.06 to:0.048 as:0.034 in:0.019 :0.275 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +have:0.07 are:0.061 had:0.052 was:0.042 is:0.04 :0.582 +the:0.141 of:0.034 parts:0.025 that:0.021 and:0.014 :0.566 +been:0.146 a:0.049 the:0.043 to:0.022 no:0.021 :0.481 +own:0.021 people:0.016 country:0.012 to:0.01 great:0.007 :0.519 +of:0.104 to:0.047 and:0.047 is:0.042 the:0.037 :0.555 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.064 and:0.045 to:0.022 the:0.021 in:0.015 :0.562 +to:0.073 and:0.068 in:0.046 of:0.031 that:0.03 :0.564 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +to:0.114 of:0.094 and:0.058 the:0.042 in:0.035 :0.521 +hand,:0.014 and:0.013 things:0.01 to:0.009 of:0.009 :0.562 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +been:0.039 to:0.037 a:0.026 not:0.02 the:0.019 :0.578 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +the:0.303 a:0.028 his:0.018 this:0.017 tho:0.013 :0.437 +less:0.064 be:0.045 been:0.024 only:0.022 to:0.021 :0.627 +and:0.029 by:0.017 the:0.017 of:0.016 to:0.013 :0.697 +of:0.048 and:0.015 to:0.013 is:0.011 the:0.006 :0.792 +of:0.133 and:0.054 to:0.049 the:0.043 in:0.031 :0.483 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +of:0.328 and:0.06 to:0.047 in:0.024 for:0.021 :0.381 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.028 in:0.013 of:0.013 to:0.011 a:0.009 :0.487 +of:0.147 and:0.046 in:0.024 to:0.021 that:0.018 :0.612 +of:0.205 and:0.08 in:0.038 to:0.033 are:0.027 :0.517 +the:0.022 things:0.017 two:0.014 and:0.007 to:0.006 :0.48 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +of:0.167 to:0.057 in:0.046 and:0.04 for:0.033 :0.464 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.036 and:0.033 of:0.033 to:0.019 in:0.014 :0.454 +be:0.181 not:0.023 have:0.017 see:0.013 make:0.012 :0.591 +the:0.184 a:0.033 once:0.024 least:0.021 any:0.017 :0.395 +of:0.261 to:0.169 and:0.074 in:0.035 that:0.028 :0.279 +and:0.033 the:0.031 which:0.015 of:0.014 that:0.012 :0.488 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.055 that:0.037 and:0.034 to:0.033 in:0.02 :0.619 +the:0.27 a:0.045 this:0.013 his:0.012 said:0.01 :0.433 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.027 to:0.022 a:0.017 and:0.016 in:0.016 :0.647 +to:0.071 of:0.045 and:0.027 in:0.025 for:0.021 :0.666 +own:0.012 wife:0.008 way:0.008 eyes:0.006 head:0.006 :0.68 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.049 to:0.036 of:0.023 and:0.021 a:0.02 :0.473 +a:0.036 the:0.027 made:0.014 taken:0.012 done:0.012 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.067 and:0.031 the:0.029 to:0.022 in:0.021 :0.566 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +of:0.048 and:0.034 in:0.031 the:0.026 to:0.021 :0.515 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +to:0.074 the:0.066 and:0.029 in:0.028 a:0.025 :0.609 +hour:0.032 old:0.018 electric:0.017 account:0.011 order:0.009 :0.661 +and:0.042 is:0.014 of:0.013 was:0.011 in:0.009 :0.568 +that:0.388 to:0.029 and:0.027 of:0.025 in:0.02 :0.432 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +and:0.057 of:0.053 to:0.038 in:0.026 as:0.021 :0.541 +was:0.085 had:0.052 is:0.049 has:0.038 would:0.027 :0.539 +of:0.09 valuable:0.019 and:0.018 important:0.017 beautiful:0.015 :0.546 +the:0.033 and:0.023 that:0.015 in:0.009 by:0.009 :0.817 +of:0.191 to:0.063 and:0.057 in:0.047 on:0.016 :0.395 +to:0.21 and:0.078 of:0.066 in:0.02 for:0.016 :0.451 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +the:0.312 a:0.083 to:0.016 it:0.015 tho:0.015 :0.37 +own:0.038 hands:0.008 way:0.005 and:0.005 lives:0.004 :0.599 +the:0.084 and:0.037 to:0.024 that:0.021 a:0.016 :0.365 +that:0.021 the:0.01 to:0.01 and:0.009 of:0.007 :0.899 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +of:0.038 to:0.035 in:0.021 and:0.021 a:0.018 :0.605 +of:0.039 the:0.037 and:0.031 in:0.028 to:0.027 :0.566 +of:0.033 the:0.027 and:0.021 .:0.016 in:0.012 :0.384 +and:0.046 of:0.031 in:0.013 to:0.01 was:0.007 :0.565 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.024 and:0.017 be:0.009 who:0.008 in:0.007 :0.602 +the:0.068 a:0.064 not:0.04 to:0.029 in:0.014 :0.556 +been:0.232 not:0.041 a:0.029 the:0.021 made:0.01 :0.459 +of:0.193 to:0.162 the:0.039 and:0.029 in:0.025 :0.496 +the:0.043 other:0.026 a:0.02 three:0.013 in:0.013 :0.589 +of:0.057 that:0.028 and:0.026 who:0.02 is:0.02 :0.739 +to:0.134 and:0.046 of:0.045 in:0.037 that:0.033 :0.61 +the:0.118 to:0.097 and:0.044 a:0.043 in:0.029 :0.463 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +very:0.014 great:0.013 few:0.012 good:0.009 little:0.008 :0.557 +the:0.035 of:0.028 and:0.025 a:0.017 to:0.013 :0.46 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.025 .,:0.021 to:0.018 is:0.017 a:0.016 :0.423 +the:0.058 a:0.019 that:0.017 to:0.012 it:0.01 :0.58 +a:0.07 the:0.066 of:0.024 to:0.021 and:0.019 :0.529 +is:0.185 was:0.09 will:0.027 would:0.022 has:0.021 :0.457 +the:0.215 a:0.033 his:0.018 New:0.014 that:0.014 :0.46 +to:0.17 of:0.097 and:0.08 into:0.038 down:0.035 :0.495 +the:0.083 it:0.055 a:0.026 he:0.024 in:0.02 :0.601 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.127 be:0.048 a:0.02 see:0.015 have:0.013 :0.508 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +the:0.137 he:0.044 it:0.036 they:0.024 a:0.02 :0.556 +the:0.231 a:0.044 this:0.021 his:0.021 which:0.012 :0.47 +the:0.05 of:0.028 a:0.019 and:0.016 to:0.014 :0.574 +same:0.011 other:0.007 first:0.006 most:0.006 United:0.006 :0.625 +and:0.048 of:0.046 the:0.043 to:0.029 in:0.017 :0.6 +the:0.205 a:0.072 his:0.026 all:0.016 their:0.014 :0.421 +the:0.055 a:0.023 that:0.014 of:0.012 and:0.009 :0.233