From 39e6371df8d718334289a243e002d04c207af1c0 Mon Sep 17 00:00:00 2001 From: Adrian Charkiewicz Date: Sun, 28 May 2023 02:55:39 +0200 Subject: [PATCH] simple nn --- MOJ_7ipynb.ipynb | 423 ++ dev-0/out.tsv | 10519 +++++++++++++++++++++++++++++++++++++++++++++ gonito.yaml | 18 +- test-A/out.tsv | 7414 ++++++++++++++++++++++++++++++++ 4 files changed, 18368 insertions(+), 6 deletions(-) create mode 100644 MOJ_7ipynb.ipynb create mode 100644 dev-0/out.tsv create mode 100644 test-A/out.tsv diff --git a/MOJ_7ipynb.ipynb b/MOJ_7ipynb.ipynb new file mode 100644 index 0000000..8e9a32a --- /dev/null +++ b/MOJ_7ipynb.ipynb @@ -0,0 +1,423 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "provenance": [], + "gpuType": "T4", + "machine_shape": "hm" + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "3dV_4SJ2xY_C", + "outputId": "c1039907-474a-427a-ee13-62a3b7b4a693" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Drive already mounted at /content/gdrive; to attempt to forcibly remount, call drive.mount(\"/content/gdrive\", force_remount=True).\n" + ] + } + ], + "source": [ + "from google.colab import drive\n", + "drive.mount(\"/content/gdrive\")" + ] + }, + { + "cell_type": "code", + "source": [ + "# %env DATA_DIR=/content/gdrive/MyDrive/data_gralinski\n", + "DATA_DIR=\"/content/gdrive/MyDrive/data_gralinski/\"" + ], + "metadata": { + "id": "VwdW1Qm3x9-N" + }, + "execution_count": 5, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "import itertools\n", + "import lzma\n", + "import regex as re\n", + "import torch\n", + "from torch import nn\n", + "from torch.utils.data import IterableDataset, DataLoader\n", + "from torchtext.vocab import build_vocab_from_iterator" + ], + "metadata": { + "id": "irsty5KcyYkR" + }, + "execution_count": 6, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "def clean_line(line: str):\n", + " separated = line.split('\\t')\n", + " prefix = separated[6].replace(r'\\n', ' ')\n", + " suffix = separated[7].replace(r'\\n', ' ')\n", + " return prefix + ' ' + suffix" + ], + "metadata": { + "id": "LXXtiKW3yY5J" + }, + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "def get_words_from_line(line):\n", + " line = clean_line(line)\n", + " for word in line.split():\n", + " yield word" + ], + "metadata": { + "id": "y9r0wmD3ycIi" + }, + "execution_count": 8, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "def get_word_lines_from_file(file_name):\n", + " with lzma.open(file_name, mode='rt', encoding='utf-8') as fid:\n", + " for line in fid:\n", + " yield get_words_from_line(line)" + ], + "metadata": { + "id": "HE3YfiHkycKt" + }, + "execution_count": 9, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "def look_ahead_iterator(gen):\n", + " prev = None\n", + " for item in gen:\n", + " if prev is not None:\n", + " yield (prev, item)\n", + " prev = item" + ], + "metadata": { + "id": "lvHvJV6XycNZ" + }, + "execution_count": 10, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "def prediction(word: str) -> str:\n", + " ixs = torch.tensor(vocab.forward([word])).to(device)\n", + " out = model(ixs)\n", + " top = torch.topk(out[0], 5)\n", + " top_indices = top.indices.tolist()\n", + " top_probs = top.values.tolist()\n", + " top_words = vocab.lookup_tokens(top_indices)\n", + " zipped = list(zip(top_words, top_probs))\n", + " for index, element in enumerate(zipped):\n", + " unk = None\n", + " if '' in element:\n", + " unk = zipped.pop(index)\n", + " zipped.append(('', unk[1]))\n", + " break\n", + " if unk is None:\n", + " zipped[-1] = ('', zipped[-1][1])\n", + " return ' '.join([f'{x[0]}:{x[1]}' for x in zipped])" + ], + "metadata": { + "id": "sOKeZN9cycP-" + }, + "execution_count": 11, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "def create_outputs(folder_name):\n", + " print(f'Creating outputs in {folder_name}')\n", + " with lzma.open(f'{folder_name}/in.tsv.xz', mode='rt', encoding='utf-8') as fid:\n", + " with open(f'{folder_name}/out2.tsv', 'w', encoding='utf-8', newline='\\n') as f:\n", + " for line in fid:\n", + " separated = line.split('\\t')\n", + " prefix = separated[6].replace(r'\\n', ' ').split()[-1]\n", + " output_line = prediction(prefix)\n", + " f.write(output_line + '\\n')" + ], + "metadata": { + "id": "MN_RftZNycSB" + }, + "execution_count": 30, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "class Bigrams(IterableDataset):\n", + " def __init__(self, text_file, vocabulary_size):\n", + " self.vocab = build_vocab_from_iterator(\n", + " get_word_lines_from_file(text_file),\n", + " max_tokens=vocabulary_size,\n", + " specials=[''])\n", + " self.vocab.set_default_index(self.vocab[''])\n", + " self.vocabulary_size = vocabulary_size\n", + " self.text_file = text_file\n", + "\n", + " def __iter__(self):\n", + " return look_ahead_iterator(\n", + " (self.vocab[t] for t in itertools.chain.from_iterable(get_word_lines_from_file(self.text_file))))" + ], + "metadata": { + "id": "n9wIsbLEycUd" + }, + "execution_count": 13, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "class SimpleBigramNeuralLanguageModel(nn.Module):\n", + " def __init__(self, vocabulary_size, embedding_size):\n", + " super(SimpleBigramNeuralLanguageModel, self).__init__()\n", + " self.model = nn.Sequential(\n", + " nn.Embedding(vocabulary_size, embedding_size),\n", + " nn.Linear(embedding_size, vocabulary_size),\n", + " nn.Softmax()\n", + " )\n", + "\n", + " def forward(self, x):\n", + " return self.model(x)" + ], + "metadata": { + "id": "l490B5KFycXj" + }, + "execution_count": 14, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "vocab_size = 15000\n", + "embed_size = 300\n", + "batch_size = 3000\n", + "device = 'cuda'\n", + "path_to_train = DATA_DIR+'train/in.tsv.xz'\n", + "path_to_model = 'model.bin'" + ], + "metadata": { + "id": "mMC84-OzycZ5" + }, + "execution_count": 21, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "vocab = build_vocab_from_iterator(\n", + " get_word_lines_from_file(path_to_train),\n", + " max_tokens=vocab_size,\n", + " specials=['']\n", + ")\n", + "\n", + "vocab.set_default_index(vocab[''])" + ], + "metadata": { + "id": "Fsvv3QJl7kWN" + }, + "execution_count": 22, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "train_dataset = Bigrams(path_to_train, vocab_size)" + ], + "metadata": { + "id": "UK73WsKnB8ZP" + }, + "execution_count": 23, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "model = SimpleBigramNeuralLanguageModel(vocab_size, embed_size).to(device)\n", + "data = DataLoader(train_dataset, batch_size=batch_size)\n", + "optimizer = torch.optim.Adam(model.parameters())\n", + "criterion = torch.nn.NLLLoss()\n", + "\n", + "model.train()\n", + "step = 0\n", + "for x, y in data:\n", + " x = x.to(device)\n", + " y = y.to(device)\n", + " optimizer.zero_grad()\n", + " ypredicted = model(x)\n", + " loss = criterion(torch.log(ypredicted), y)\n", + " if step % 5000 == 0:\n", + " print(step, loss)\n", + " step += 1\n", + " loss.backward()\n", + " optimizer.step()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Q_Gz-stnqHPg", + "outputId": "4b6a3751-21da-48a9-afcb-802b21f7274b" + }, + "execution_count": 24, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/container.py:217: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.\n", + " input = module(input)\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "0 tensor(9.8217, device='cuda:0', grad_fn=)\n", + "5000 tensor(5.3191, device='cuda:0', grad_fn=)\n", + "10000 tensor(5.0986, device='cuda:0', grad_fn=)\n", + "15000 tensor(5.2346, device='cuda:0', grad_fn=)\n", + "20000 tensor(5.4174, device='cuda:0', grad_fn=)\n", + "25000 tensor(5.1875, device='cuda:0', grad_fn=)\n", + "30000 tensor(5.1892, device='cuda:0', grad_fn=)\n", + "35000 tensor(5.0867, device='cuda:0', grad_fn=)\n", + "40000 tensor(5.1812, device='cuda:0', grad_fn=)\n", + "45000 tensor(5.1327, device='cuda:0', grad_fn=)\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "torch.save(model.state_dict(), path_to_model)" + ], + "metadata": { + "id": "WTl82y44qHR_" + }, + "execution_count": 25, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "model = SimpleBigramNeuralLanguageModel(vocab_size, embed_size).to(device)\n", + "model.load_state_dict(torch.load(path_to_model))\n", + "model.eval()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "jViNAbxIqHUr", + "outputId": "3c30bed7-8eaf-4e7b-eb89-89bdcf95abe7" + }, + "execution_count": 26, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "SimpleBigramNeuralLanguageModel(\n", + " (model): Sequential(\n", + " (0): Embedding(15000, 300)\n", + " (1): Linear(in_features=300, out_features=15000, bias=True)\n", + " (2): Softmax(dim=None)\n", + " )\n", + ")" + ] + }, + "metadata": {}, + "execution_count": 26 + } + ] + }, + { + "cell_type": "code", + "source": [ + "create_outputs(DATA_DIR+'dev-0')" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "LkHFiPvoqHW8", + "outputId": "d4d12906-5f4c-4df6-a22e-95a4fbbd9850" + }, + "execution_count": 29, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Creating outputs in /content/gdrive/MyDrive/data_gralinski/dev-0\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/container.py:217: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.\n", + " input = module(input)\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "create_outputs(DATA_DIR+'test-A')" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "QoiHDZ_ZqO8F", + "outputId": "0fc59359-ce83-4a43-d11b-8d43280df3a1" + }, + "execution_count": 31, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Creating outputs in /content/gdrive/MyDrive/data_gralinski/test-A\n" + ] + } + ] + } + ] +} \ No newline at end of file diff --git a/dev-0/out.tsv b/dev-0/out.tsv new file mode 100644 index 0000000..8c33e44 --- /dev/null +++ b/dev-0/out.tsv @@ -0,0 +1,10519 @@ +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +pany:0.3807043135166168 pany,:0.09429430216550827 pany.:0.020983465015888214 merce:0.016894923523068428 :0.3415919840335846 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +trees:0.11264027655124664 and:0.08998611569404602 of:0.05823374539613724 is:0.04418220371007919 :0.16756315529346466 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.1904560625553131 the:0.0822119191288948 a:0.05589982867240906 in:0.030062764883041382 :0.09345176070928574 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +The:0.14341320097446442 It:0.08467739820480347 He:0.050128065049648285 There:0.037914812564849854 :0.09432277828454971 +for:0.20623333752155304 that:0.18758107721805573 to:0.0831589326262474 and:0.03511747345328331 :0.09758445620536804 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.04850097745656967 and:0.04740873724222183 of:0.037641741335392 for:0.034149833023548126 :0.0796109214425087 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.04952874779701233 Tribune.:0.042914196848869324 Evening:0.031711217015981674 City:0.030195780098438263 :0.14799568057060242 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.10096731036901474 the:0.08637604117393494 and:0.052395764738321304 it:0.02124594897031784 :0.10303758829832077 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +rived:0.07049261033535004 ranged:0.04573093354701996 rested:0.0276218019425869 rival:0.026859084144234657 :0.7003123760223389 +of:0.2807670831680298 to:0.14261554181575775 and:0.06418437510728836 at:0.044552844017744064 :0.032905012369155884 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.04273281618952751 day:0.03981930390000343 occasion:0.028690986335277557 occasion.:0.023600978776812553 :0.1851334422826767 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.07252417504787445 If:0.037700798362493515 in:0.02908763848245144 if:0.025558922439813614 :0.22873899340629578 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +4,:0.04547599330544472 and:0.04457550868391991 the:0.030866321176290512 4:0.023200487717986107 :0.4421824514865875 +by:0.18551290035247803 the:0.07383910566568375 to:0.06345000863075256 with:0.05879134312272072 :0.07599017024040222 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.41365906596183777 in:0.11899102479219437 the:0.05307525023818016 to:0.030597783625125885 :0.029694240540266037 +the:0.038386888802051544 to:0.015392661094665527 a:0.014380856417119503 that:0.01046338863670826 :0.19328241050243378 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +described:0.0961163267493248 in:0.04506393522024155 to:0.038616351783275604 the:0.03790232539176941 :0.1484367549419403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.30338239669799805 and:0.028055716305971146 a:0.027434688061475754 any:0.02618173509836197 :0.08871038258075714 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +and:0.16480709612369537 throat,:0.10477175563573837 to:0.04704215005040169 in:0.036182861775159836 :0.19544486701488495 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.6511895656585693 ot:0.0176756102591753 in:0.013242567889392376 and:0.011885235086083412 :0.04118938744068146 +the:0.08232931047677994 to:0.08097133040428162 up:0.058628760278224945 out:0.04921894147992134 :0.0535568967461586 +to:0.18009917438030243 of:0.09051534533500671 that:0.08990684151649475 is:0.044678326696157455 :0.0441054105758667 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +campaign:0.0621831975877285 election:0.049203600734472275 chair,:0.038495101034641266 elections:0.029970040544867516 :0.2761654257774353 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +condition:0.0439884290099144 and:0.03745875880122185 difficulties:0.016786154359579086 institutions:0.016602864488959312 :0.26524990797042847 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +dian:0.07937055081129074 stead:0.03914262354373932 terest:0.03555019944906235 deed,:0.026168998330831528 :0.5135244727134705 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.19742870330810547 such:0.04804206266999245 a:0.037907302379608154 them:0.0378887765109539 :0.05185597389936447 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +of:0.11028222739696503 the:0.1068817600607872 into:0.09834486246109009 in:0.07257995754480362 :0.052451469004154205 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.1817481517791748 the:0.06396927684545517 but:0.04314715787768364 in:0.027865778654813766 :0.0559534952044487 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.1550878882408142 a:0.12151511758565903 it:0.04871528968214989 no:0.03772112354636192 :0.051652174443006516 +to:0.25332310795783997 at:0.1714506298303604 by:0.07177339494228363 in:0.042135581374168396 :0.034662723541259766 +the:0.24463897943496704 for:0.06494514644145966 a:0.048490095883607864 said:0.04220549389719963 :0.06664276868104935 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.29234573245048523 connected:0.12969905138015747 which:0.0656195804476738 in:0.03754336014389992 :0.02968144416809082 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +who:0.06144865229725838 in:0.05274626240134239 knows:0.05266488343477249 was:0.048056118190288544 :0.14383436739444733 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +to:0.2057645469903946 from:0.047755464911460876 out:0.046072524040937424 in:0.04528909921646118 :0.06052161008119583 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +to:0.06299655884504318 a:0.036469753831624985 in:0.03557775169610977 as:0.030646173283457756 :0.4567962884902954 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +ticular:0.14614874124526978 ty:0.08767599612474442 ties:0.08674871176481247 ties.:0.08190910518169403 :0.36589962244033813 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.22820843756198883 among:0.08741790056228638 In:0.04183472320437431 that:0.04131309688091278 :0.09253285825252533 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +vanced:0.13190989196300507 vantage:0.06024985387921333 vice:0.038383226841688156 ministration:0.033063601702451706 :0.4695376753807068 +parts:0.0541972778737545 other:0.021465172991156578 points:0.01874598301947117 kinds:0.017412925139069557 :0.3119319975376129 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.10845764726400375 that:0.07000879943370819 the:0.05890573933720589 but:0.05765676125884056 :0.08384262770414352 +ure:0.7784377336502075 ant:0.045836664736270905 ing:0.02368566021323204 ed:0.015370125882327557 :0.07219644635915756 +and:0.12289585918188095 of:0.06478807330131531 was:0.055374834686517715 to:0.03581661731004715 :0.07736964523792267 +of:0.2370656281709671 which:0.07437736541032791 in:0.05366281792521477 that:0.04260660707950592 :0.061352457851171494 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +the:0.034468136727809906 a:0.016953542828559875 to:0.01573801040649414 that:0.010669076815247536 :0.3396178185939789 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +of:0.11158940941095352 the:0.10731694102287292 that:0.09545325487852097 and:0.05267921835184097 :0.09565752744674683 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +Mexico.:0.020107338204979897 and:0.011004953645169735 World:0.010879541747272015 Bay:0.00852065160870552 :0.6455777883529663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.07228410989046097 air:0.049006663262844086 of:0.01747138984501362 to:0.010659928433597088 :0.5414320230484009 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.2067009061574936 In:0.03789357841014862 It:0.03451509773731232 There:0.023423898965120316 :0.1611422598361969 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.058563072234392166 at:0.05571788176894188 of:0.03688621520996094 in:0.03214990720152855 :0.20409880578517914 +the:0.059708282351493835 by:0.05723309889435768 in:0.05412009358406067 on:0.045705392956733704 :0.09658674895763397 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +to:0.5320301651954651 as:0.029546987265348434 a:0.02576741948723793 that:0.022146031260490417 :0.10712455958127975 +own:0.021671505644917488 wife,:0.008135217241942883 wife:0.007789378985762596 family:0.007303758058696985 :0.3204125761985779 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +in:0.20051568746566772 In:0.07303319871425629 on:0.05853470042347908 and:0.056162718683481216 :0.07779861986637115 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +A.:0.31980082392692566 1910,:0.07343195378780365 1909,:0.050485048443078995 and:0.02700967527925968 :0.24086138606071472 +that:0.4045427441596985 the:0.08642800897359848 it:0.04791282117366791 in:0.04674803093075752 :0.03147798031568527 +of:0.2503759562969208 that:0.03963794186711311 and:0.03949297219514847 in:0.031610142439603806 :0.0781826302409172 +ir:0.020335817709565163 said:0.010209750384092331 United:0.009163925424218178 public:0.007754574064165354 :0.4065091013908386 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.23197326064109802 the:0.04472772777080536 together:0.044291768223047256 but:0.03970195725560188 :0.10982958972454071 +the:0.23100587725639343 a:0.044649843126535416 tho:0.029576024040579796 this:0.019620409235358238 :0.19552354514598846 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.09287835657596588 his:0.06948907673358917 their:0.06532241404056549 a:0.048718225210905075 :0.05669339746236801 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24728548526763916 that:0.1363469511270523 then:0.12143602222204208 this:0.025610504671931267 :0.07036466896533966 +of:0.1957808881998062 contained:0.15227334201335907 and:0.05548331141471863 will:0.044471774250268936 :0.035224635154008865 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.34072044491767883 and:0.06495563685894012 in:0.05865134298801422 is:0.0331554114818573 :0.033196669071912766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.08811277896165848 by:0.07490257173776627 the:0.07252737879753113 in:0.05403134599328041 :0.0931118056178093 +B:0.04202137142419815 J:0.01830977573990822 A.:0.01320461742579937 W.:0.01309368945658207 :0.5110524892807007 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.12246644496917725 and:0.02198423072695732 that:0.01751875877380371 line:0.011357690207660198 :0.28526243567466736 +.:0.06709418445825577 0:0.027413999661803246 per:0.024896793067455292 o'clock:0.022434556856751442 :0.25730472803115845 +me:0.12613973021507263 him:0.09845549613237381 that:0.09595810621976852 the:0.08385201543569565 :0.07506453990936279 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +tory:0.061574481427669525 tory,:0.02844960428774357 -:0.0036450286861509085 and:0.003638062160462141 :0.7426769137382507 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +per:0.07622142136096954 feet:0.06420855969190598 pounds:0.04336908459663391 miles:0.03792795166373253 :0.18363319337368011 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.14255866408348083 but:0.07873257994651794 the:0.037900637835264206 to:0.032471660524606705 :0.0726967379450798 +Beginning:0.20589110255241394 The:0.1232096403837204 Lot:0.06316020339727402 Commencing:0.050963811576366425 :0.1240590289235115 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.03185496851801872 the:0.028993574902415276 and:0.016998423263430595 .:0.01460842601954937 :0.3734434247016907 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +and:0.21017272770404816 to:0.03970750421285629 in:0.02649771049618721 was:0.02401251718401909 :0.15226024389266968 +":0.035350456833839417 and:0.031514883041381836 The:0.02561323158442974 I:0.020095258951187134 :0.1832590401172638 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.21134677529335022 This:0.05247984081506729 It:0.04835748299956322 He:0.03231560066342354 :0.10065750777721405 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.08836422115564346 and:0.06823180615901947 for:0.05806302651762962 was:0.047417011111974716 :0.06723989546298981 +and:0.13283242285251617 was:0.06636261194944382 in:0.04906615987420082 to:0.03761113062500954 :0.14239534735679626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.19410917162895203 by:0.12629972398281097 a:0.1020701676607132 the:0.0383281446993351 :0.04873288422822952 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +own:0.04448304697871208 answer:0.01044088788330555 duty:0.0059332167729735374 friends:0.004897722043097019 :0.20047441124916077 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +of:0.17486684024333954 to:0.055648162961006165 in:0.041222378611564636 for:0.0388302356004715 :0.060367047786712646 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +estate:0.20684802532196045 estate,:0.07233836501836777 and:0.055065467953681946 property:0.04468785971403122 :0.22727474570274353 +health.:0.04369505122303963 and:0.02579016424715519 the:0.0189043115824461 in:0.016815654933452606 :0.40507492423057556 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +was:0.19559139013290405 had:0.058138638734817505 is:0.04658277705311775 has:0.0340050607919693 :0.09720320999622345 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +great:0.00823986530303955 old:0.005783307831734419 last:0.004629263188689947 most:0.004186784382909536 :0.32488879561424255 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +head:0.01753629930317402 life:0.016176464036107063 face:0.015190165489912033 hand,:0.014042478054761887 :0.22250786423683167 +and:0.09814747422933578 is:0.03799605369567871 Convention:0.03164500743150711 was:0.030664708465337753 :0.08347926288843155 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +the:0.11297458410263062 a:0.09684119373559952 us:0.04278373345732689 it:0.04233919456601143 :0.10034886002540588 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +of:0.25866565108299255 wasted:0.08383980393409729 and:0.06114460900425911 are:0.0375036895275116 :0.0397893562912941 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11646993458271027 of:0.08676484227180481 to:0.07555612921714783 who:0.07461731880903244 :0.04197108373045921 +and:0.1320939064025879 when:0.04780537262558937 but:0.04523118585348129 the:0.0350196473300457 :0.059418659657239914 +of:0.15257790684700012 a:0.12800362706184387 that:0.06833383440971375 to:0.05045473203063011 :0.040128812193870544 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3219875693321228 the:0.11093706637620926 to:0.043951988220214844 and:0.0387069396674633 :0.03487952798604965 +assembly:0.23970939218997955 and:0.04134821146726608 committee:0.03835972025990486 branch:0.025956327095627785 :0.1758415549993515 +and:0.16784153878688812 many:0.05572398379445076 but:0.03987310454249382 in:0.02798543870449066 :0.09235449880361557 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.01183595135807991 only:0.00674104131758213 young:0.0061032092198729515 most:0.005756604950875044 :0.3132716119289398 +of:0.11680381745100021 and:0.10003644973039627 are:0.07136339694261551 to:0.04500994458794594 :0.04593805968761444 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07383595407009125 a:0.017414703965187073 be:0.0160331130027771 of:0.008906537666916847 :0.34784066677093506 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +day:0.07925889641046524 to:0.045074693858623505 few:0.026640253141522408 morning:0.02162708342075348 :0.1902121901512146 +to:0.5057307481765747 for:0.20070379972457886 and:0.029836932197213173 in:0.009726169519126415 :0.05694492161273956 +the:0.1585543006658554 tho:0.033081214874982834 a:0.02790134958922863 once:0.024541763588786125 :0.2612431049346924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.23828627169132233 with:0.20809422433376312 that:0.16549931466579437 upon:0.0626397356390953 :0.03832923248410225 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +own:0.017173783853650093 friends:0.012494729831814766 eyes:0.01079269777983427 wife:0.010784677229821682 :0.16758787631988525 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +that:0.10723365843296051 and:0.08535168319940567 the:0.039774999022483826 is:0.0337044894695282 :0.09020572155714035 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +a:0.09859073162078857 by:0.09822700917720795 at:0.09656006097793579 in:0.09276111423969269 :0.0756983682513237 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.22763602435588837 a:0.05402517691254616 tho:0.026265466585755348 Mr.:0.019044702872633934 :0.19215969741344452 +of:0.2357872575521469 that:0.174724280834198 is:0.04434935748577118 in:0.040866751223802567 :0.03846961632370949 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07472536712884903 a:0.015288305468857288 to:0.006788069847971201 in:0.0058531188406050205 :0.7206448912620544 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.08530599623918533 mention:0.045186471194028854 body:0.0371096096932888 discharge:0.02816190756857395 :0.27007779479026794 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.27091312408447266 and:0.027243617922067642 to:0.01405484788119793 in:0.012448753230273724 :0.43519091606140137 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.16504637897014618 was:0.06634878367185593 in:0.061390310525894165 and:0.06015203893184662 :0.05161468684673309 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +a:0.12764334678649902 by:0.10597588866949081 the:0.09383215010166168 in:0.06111115962266922 :0.05375079810619354 +that:0.38821515440940857 by:0.1322397142648697 the:0.05623490363359451 how:0.019286390393972397 :0.04316817969083786 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4232834577560425 the:0.06413299590349197 and:0.02466234751045704 out:0.02004220336675644 :0.04215867817401886 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +standing:0.22380952537059784 side:0.13356299698352814 ward:0.028679272159934044 side.:0.023754101246595383 :0.28534963726997375 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +thing:0.33331963419914246 what:0.16286925971508026 times:0.14221026003360748 where:0.05271986499428749 :0.03980766236782074 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +end:0.11845062673091888 portion:0.06066595017910004 part:0.04796808585524559 and:0.03445880115032196 :0.265061616897583 +a:0.05160670354962349 the:0.050308339297771454 made:0.028074325993657112 not:0.027831101790070534 :0.24553227424621582 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +lions:0.19544664025306702 lion:0.17109717428684235 lion.:0.016268908977508545 ions:0.009471121244132519 :0.4387604296207428 +of:0.40018919110298157 and:0.21188032627105713 to:0.043726857751607895 in:0.02604239620268345 :0.022273702546954155 +and:0.19065499305725098 the:0.039857760071754456 but:0.03773462772369385 with:0.025008372962474823 :0.0675964206457138 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +.:0.4227900207042694 M:0.027388522401452065 .,:0.014756178483366966 A:0.0059966351836919785 :0.3168109357357025 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +R:0.02253367193043232 L.:0.021686268970370293 D.:0.020639905706048012 H.:0.018832877278327942 :0.40095043182373047 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +Canada:0.14543209969997406 Union:0.09554589539766312 at:0.05476166307926178 and:0.04925047233700752 :0.21520666778087616 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.2156682312488556 but:0.06629597395658493 the:0.04753940552473068 as:0.020359059795737267 :0.06272640824317932 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +of:0.2371893674135208 the:0.129978209733963 and:0.03666144981980324 a:0.035451799631118774 :0.06292767822742462 +in:0.13447542488574982 of:0.05923714488744736 rank:0.050745561718940735 men:0.0180788803845644 :0.26355791091918945 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +that:0.4208472967147827 to:0.14623981714248657 in:0.05628356337547302 the:0.041430823504924774 :0.037619154900312424 +and:0.10052938014268875 Jefferson:0.02484053745865822 H.:0.024582145735621452 A.:0.02353820390999317 :0.3119696378707886 +down:0.12227005511522293 on:0.05835002660751343 the:0.04880760982632637 in:0.04680171608924866 :0.08255720883607864 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +Donald:0.05670606344938278 -:0.017509792000055313 I:0.0018646676326170564 Bee:0.0018232888542115688 :0.845276951789856 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.10071788728237152 to:0.08284108340740204 the:0.08242861181497574 and:0.0513327457010746 :0.26609981060028076 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +of:0.05127650499343872 Mr.:0.03630760684609413 the:0.036058057099580765 Mrs.:0.03522630035877228 :0.2981754541397095 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4191421568393707 and:0.057986680418252945 to:0.03905342519283295 was:0.025327539071440697 :0.04706355184316635 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +W:0.021355677396059036 W.:0.016913995146751404 A:0.015702098608016968 and:0.015374796465039253 :0.30520281195640564 +and:0.19141696393489838 the:0.03732423111796379 which:0.03329566493630409 as:0.023985859006643295 :0.17302650213241577 +of:0.7742573022842407 from:0.017467737197875977 ot:0.013149995356798172 that:0.01060362346470356 :0.015534867532551289 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +the:0.18948763608932495 like:0.09290032088756561 a:0.056391727179288864 and:0.028363939374685287 :0.18544234335422516 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +and:0.05410369485616684 as:0.04391871765255928 school:0.03871015086770058 prices:0.022470077499747276 :0.17330212891101837 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +the:0.16689828038215637 of:0.1414046287536621 they:0.10606171190738678 it:0.07918792963027954 :0.04231705144047737 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.26360368728637695 I:0.054799724370241165 or:0.04265658184885979 which:0.034157805144786835 :0.07420726120471954 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16077035665512085 a:0.0801055058836937 from:0.0324866808950901 prompt:0.030022239312529564 :0.09588571637868881 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +not:0.12010759860277176 should:0.0925828218460083 is:0.08066566288471222 do:0.05971904098987579 :0.08128967881202698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.16724686324596405 where:0.0377691425383091 but:0.02913718856871128 the:0.026366446167230606 :0.08579816669225693 +and:0.2474091500043869 of:0.13219550251960754 to:0.05328366160392761 in:0.0375857837498188 :0.02672281302511692 +of:0.10292766988277435 in:0.07790473848581314 and:0.050013020634651184 to:0.04074917361140251 :0.11720316112041473 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.3548383414745331 a:0.028961971402168274 not:0.027663404121994972 become:0.021074682474136353 :0.11702799052000046 +the:0.06507421284914017 a:0.015359087847173214 that:0.014389597810804844 to:0.012776696123182774 :0.29931336641311646 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +to:0.19077101349830627 by:0.1762898564338684 copy:0.13080020248889923 and:0.051159583032131195 :0.16058999300003052 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +of:0.4240798056125641 to:0.3450349271297455 and:0.03325830399990082 the:0.010976015590131283 :0.024375518783926964 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +for:0.1908465474843979 the:0.11163502186536789 that:0.09473930299282074 him:0.026403164491057396 :0.13545261323451996 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.057758934795856476 vicinity:0.023981820791959763 relief,:0.01930002123117447 action:0.013192505575716496 :0.24344569444656372 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.5152481198310852 and:0.06656486541032791 to:0.02814190834760666 in:0.023552201688289642 :0.029872259125113487 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +you:0.16474248468875885 the:0.09467215090990067 me:0.04743329808115959 us:0.03822889178991318 :0.07580238580703735 +to:0.20437376201152802 out:0.03838789835572243 down:0.036691538989543915 by:0.034382738173007965 :0.07873935997486115 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17905527353286743 shall:0.08167135715484619 the:0.07049763202667236 to:0.04592756927013397 :0.10123524069786072 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +times,:0.03456950560212135 civilization.:0.02349027618765831 times:0.022229384630918503 and:0.021695274859666824 :0.2684680223464966 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.4774787724018097 said:0.06674261391162872 with:0.044080715626478195 tho:0.01826210878789425 :0.04593053087592125 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +in:0.07661786675453186 up:0.06805740296840668 on:0.03784679248929024 the:0.03691430017352104 :0.10569887608289719 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5952492952346802 in:0.02751239389181137 by:0.027129946276545525 to:0.021100763231515884 :0.03685545176267624 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +leave:0.5836306214332581 to:0.10835607349872589 of:0.03973827138543129 the:0.026233350858092308 :0.04182355850934982 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +feet:0.1212669387459755 miles.:0.11989174783229828 miles:0.04069104418158531 to:0.03917247802019119 :0.13355675339698792 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.17836342751979828 It:0.04256106913089752 Mr.:0.034257929772138596 I:0.033070433884859085 :0.11011258512735367 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3035999536514282 the:0.08705413341522217 and:0.060910917818546295 in:0.03101264499127865 :0.05060737207531929 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.1886179894208908 to:0.10319417715072632 the:0.06017674133181572 in:0.04532919079065323 :0.14078551530838013 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +The:0.15432827174663544 He:0.11647965759038925 It:0.057112790644168854 I:0.030515223741531372 :0.1435367912054062 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +was:0.09456215798854828 of:0.055104780942201614 from:0.045374929904937744 and:0.04123781993985176 :0.11330406367778778 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.30114203691482544 the:0.12054523825645447 and:0.05386308580636978 for:0.026560677215456963 :0.03896266222000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +of:0.16792656481266022 magistrate:0.10767381638288498 reasons:0.03558943793177605 clerk:0.01624954119324684 :0.13839133083820343 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +the:0.12867586314678192 and:0.06653986126184464 us:0.04868515953421593 a:0.04080463573336601 :0.043311409652233124 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +that:0.25765642523765564 to:0.15563608705997467 of:0.11096830666065216 the:0.03165218234062195 :0.06813865154981613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.12381808459758759 by:0.08297815173864365 that:0.0678282082080841 to:0.05949792638421059 :0.10195061564445496 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.11462252587080002 preparations:0.024173220619559288 program:0.013196965679526329 in:0.012018593959510326 :0.32135018706321716 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08341053128242493 roll:0.03315841034054756 to:0.023402489721775055 bills:0.022530412301421165 :0.15442593395709991 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +The:0.1318955272436142 It:0.09739883244037628 There:0.06281959265470505 He:0.04130856692790985 :0.1442852020263672 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.10644610226154327 will:0.09907978028059006 can:0.09089089184999466 remember:0.06151824817061424 :0.06056125462055206 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08509480953216553 D.:0.061450812965631485 Feb.:0.055098362267017365 in:0.03349297493696213 :0.11357526481151581 +The:0.06303723901510239 A:0.023321853950619698 the:0.022315777838230133 I:0.02116888388991356 :0.27480870485305786 +and:0.1608474850654602 in:0.0311442781239748 on:0.025836950168013573 who:0.024807171896100044 :0.21509407460689545 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1135837659239769 a:0.08657192438840866 all:0.049367085099220276 that:0.03684104606509209 :0.06278292834758759 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +It:0.11152738332748413 The:0.10437854379415512 I:0.03500776365399361 In:0.029448004439473152 :0.18995888531208038 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +of:0.08345820009708405 on:0.07689372450113297 the:0.04224831610918045 at:0.03998493403196335 :0.10445535182952881 +of:0.20770099759101868 for:0.15663403272628784 and:0.1141413003206253 the:0.03244435414671898 :0.0898541584610939 +and:0.08759087324142456 W.:0.07509960979223251 H.:0.03422861546278 F.:0.028101865202188492 :0.31686922907829285 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +law,:0.07094182819128036 laws:0.0702921450138092 of:0.06279109418392181 entry:0.05499472841620445 :0.1210632473230362 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12466221302747726 but:0.10111264884471893 or:0.01833185739815235 last:0.018117420375347137 :0.055670566856861115 +of:0.32691988348960876 assured:0.05199216678738594 and:0.04528559744358063 in:0.033577628433704376 :0.03506875038146973 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.7097151875495911 and:0.04017103835940361 ot:0.011265923269093037 or:0.011156706139445305 :0.02730133943259716 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +years:0.04017961025238037 war:0.019034655764698982 years,:0.015444810502231121 meeting:0.013671023771166801 :0.27415576577186584 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +and:0.21059957146644592 the:0.047688078135252 but:0.0421493835747242 in:0.028031032532453537 :0.07465068250894547 +by:0.2199997454881668 in:0.09401889890432358 and:0.061271198093891144 as:0.03951769322156906 :0.05547996610403061 +of:0.290938138961792 that:0.13226598501205444 was:0.07442118972539902 is:0.03903122991323471 :0.05646594241261482 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +whole:0.00871424749493599 same:0.007476793136447668 said:0.006490451283752918 United:0.006436181254684925 :0.39759838581085205 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17319326102733612 the:0.046095721423625946 but:0.035923730581998825 to:0.01993907056748867 :0.18625792860984802 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +building:0.08466178178787231 and:0.05924040451645851 house:0.03202186897397041 or:0.028665006160736084 :0.26376205682754517 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.24142062664031982 it:0.08394572138786316 that:0.06933771073818207 a:0.026904551312327385 :0.05016987770795822 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.37872937321662903 and:0.05357038974761963 is:0.049040839076042175 was:0.041628558188676834 :0.049385420978069305 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1670571118593216 and:0.1627352237701416 were:0.05765509605407715 are:0.04547690227627754 :0.06038616597652435 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.10955442488193512 to:0.02315530925989151 in:0.017477527260780334 agent:0.012450290843844414 :0.292793869972229 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +of:0.24759896099567413 the:0.18704870343208313 and:0.04657527059316635 in:0.03157511353492737 :0.0858922004699707 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6446549296379089 at:0.06465589255094528 of:0.05512329936027527 have:0.01978427916765213 :0.017057277262210846 +of:0.3073415160179138 and:0.04030843451619148 Board:0.028057917952537537 to:0.022900084033608437 :0.10810422897338867 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +girl.:0.0979733020067215 who:0.0773933157324791 of:0.04998818784952164 and:0.03801772743463516 :0.1689036339521408 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.08833398669958115 and:0.06783279776573181 in:0.02503863349556923 to:0.02404504269361496 :0.11131008714437485 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.18116265535354614 of:0.08408327400684357 that:0.07149875909090042 was:0.05053355544805527 :0.06126856803894043 +the:0.3423157036304474 a:0.10856570303440094 tho:0.04489515721797943 his:0.021835939958691597 :0.1199977695941925 +for:0.13801516592502594 the:0.10186328738927841 that:0.057639382779598236 you:0.05152859911322594 :0.06360942870378494 +of:0.3198436200618744 and:0.08295407891273499 were:0.03846123814582825 shall:0.028585180640220642 :0.08034946024417877 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +in:0.5093116760253906 In:0.06518007814884186 to:0.059111081063747406 the:0.02314847521483898 :0.036600738763809204 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +to:0.29729369282722473 of:0.13033461570739746 for:0.04570687562227249 the:0.04137222841382027 :0.04871493950486183 +ment:0.25450560450553894 ments:0.15229490399360657 ing:0.13042819499969482 able:0.12326068431138992 :0.09124846011400223 +that:0.5187309980392456 of:0.042454902082681656 is:0.02942841500043869 the:0.01721104420721531 :0.025107886642217636 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.157213032245636 was:0.05065658316016197 to:0.03449784219264984 which:0.024182580411434174 :0.1492435783147812 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.08143344521522522 and:0.030917862430214882 commend:0.02317158691585064 congratulate:0.02121184580028057 :0.3593498766422272 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +pers:0.023722756654024124 per:0.01962105929851532 and:0.01458208728581667 d:0.01399097591638565 :0.3567348122596741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +that:0.30874934792518616 the:0.17085544764995575 to:0.04439324140548706 it.:0.02308805100619793 :0.04203828424215317 +A.:0.08120714128017426 and:0.05612996965646744 the:0.02203916572034359 in:0.017020156607031822 :0.5512146353721619 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.287875771522522 us:0.05961523577570915 him:0.05430431663990021 you:0.05137096717953682 :0.05699510872364044 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5883603096008301 from:0.10689311474561691 the:0.04679600149393082 and:0.0363282710313797 :0.031699590384960175 +and:0.2593640089035034 but:0.07088246941566467 he:0.03399800881743431 the:0.028469225391745567 :0.11462385952472687 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.3404889404773712 that:0.05232880264520645 the:0.04907285422086716 in:0.02932283841073513 :0.0370786115527153 +the:0.05511447787284851 a:0.0128598902374506 and:0.012201180681586266 of:0.011587248183786869 :0.3249059319496155 +tage:0.3907274007797241 ces:0.012397758662700653 men:0.002478651236742735 the:0.0022163281682878733 :0.5668088793754578 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.14687949419021606 of:0.10050797462463379 in:0.058739833533763885 at:0.03773971274495125 :0.10206552594900131 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +run:0.01162492111325264 and:0.008854275569319725 business:0.006247990764677525 branches:0.006172844674438238 :0.3865572512149811 +The:0.11968711018562317 He:0.08618387579917908 It:0.03384433686733246 She:0.025568604469299316 :0.14880378544330597 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +The:0.11968711018562317 He:0.08618387579917908 It:0.03384433686733246 She:0.025568604469299316 :0.14880378544330597 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.20860621333122253 and:0.12320413440465927 is:0.03840023651719093 from:0.03102589212357998 :0.08768225461244583 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +to:0.1809341162443161 of:0.07676635682582855 for:0.04170690104365349 are:0.03758902847766876 :0.034839894622564316 +to:0.3463481068611145 from:0.17929551005363464 the:0.0408766008913517 with:0.033391647040843964 :0.044141024351119995 +Antonio:0.17541338503360748 Francisco:0.15488077700138092 Francisco,:0.09943196177482605 Francisco.:0.060125917196273804 :0.4359803795814514 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.13691633939743042 I:0.03235055133700371 it:0.028721703216433525 and:0.02579924464225769 :0.08189601451158524 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +that:0.40417972207069397 to:0.2016821801662445 in:0.03550150990486145 before:0.03399251401424408 :0.03349531069397926 +is:0.04850097745656967 and:0.04740873724222183 of:0.037641741335392 for:0.034149833023548126 :0.0796109214425087 +of:0.4730832874774933 the:0.108547143638134 and:0.057228121906518936 over:0.029504667967557907 :0.03443371132016182 +pointed:0.0626700147986412 plication:0.04188518971204758 to:0.027565892785787582 the:0.027048321440815926 :0.47781434655189514 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +per:0.22532419860363007 a:0.179581418633461 for:0.07945632934570312 to:0.04639904946088791 :0.09000465273857117 +on:0.14476262032985687 of:0.13957007229328156 to:0.07911794632673264 was:0.04416608810424805 :0.06290310621261597 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +110:0.04832921177148819 Three:0.034954868257045746 Two:0.025901583954691887 of:0.022435614839196205 :0.39861640334129333 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.16645903885364532 and:0.08385754376649857 was:0.024354448541998863 men:0.022770190611481667 :0.11008495092391968 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.368685781955719 the:0.16411933302879333 for:0.09687215834856033 to:0.026630572974681854 :0.019885018467903137 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05148844048380852 to:0.037268612533807755 is:0.032358307391405106 in:0.030010424554347992 :0.0852578654885292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +and:0.17651869356632233 who:0.05529073625802994 the:0.03755011036992073 to:0.02507074736058712 :0.1064569279551506 +parts:0.08844133466482162 from:0.05406428873538971 states,:0.01920783892273903 kinds:0.01768065243959427 :0.17892666161060333 +of:0.5026524662971497 to:0.11770984530448914 the:0.0408686064183712 from:0.035513490438461304 :0.04782366752624512 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.10224974155426025 in:0.08486486971378326 at:0.05903513729572296 to:0.058179304003715515 :0.16579361259937286 +and:0.22281931340694427 a:0.03829232603311539 in:0.03676082566380501 as:0.034089356660842896 :0.04466291144490242 +equipped:0.06793440878391266 chopped:0.05846722051501274 ground:0.03065110184252262 decorated:0.03037887252867222 :0.19354861974716187 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +of:0.1818421334028244 from:0.10257984697818756 and:0.06003938615322113 to:0.05561050400137901 :0.07177955657243729 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +of:0.5026524662971497 to:0.11770984530448914 the:0.0408686064183712 from:0.035513490438461304 :0.04782366752624512 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.14629288017749786 is:0.07835333794355392 was:0.04457021877169609 all:0.020642362534999847 :0.06613031029701233 +and:0.15652599930763245 George:0.04640074446797371 of:0.018716823309659958 T.:0.012344494462013245 :0.40389975905418396 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10522890836000443 if:0.05251367390155792 in:0.04912295565009117 while:0.044844090938568115 :0.07809343934059143 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.09477955847978592 that:0.08037188649177551 and:0.07688559591770172 to:0.06605822592973709 :0.05200251191854477 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.09881184250116348 to:0.05996076762676239 and:0.05354001000523567 as:0.021059712395071983 :0.2906290292739868 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.18405650556087494 reach:0.06368443369865417 and:0.053523410111665726 matter:0.03712987154722214 :0.11143264174461365 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +than:0.3425268828868866 of:0.0173353161662817 the:0.016352500766515732 and:0.015326026827096939 :0.1776961088180542 +of:0.11054210364818573 to:0.08705401420593262 into:0.045258548110723495 and:0.04450628533959389 :0.06948534399271011 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +Jury:0.24679453670978546 Army:0.08807168900966644 Lodge:0.03408301994204521 Rapids:0.02853899635374546 :0.3567410409450531 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.40015581250190735 and:0.0909232571721077 on:0.04080365225672722 in:0.03703634440898895 :0.040808435529470444 +of:0.15790140628814697 house:0.057492416352033615 to:0.04763888940215111 and:0.03564709424972534 :0.07763960212469101 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2852634787559509 and:0.08338993042707443 in:0.053077928721904755 to:0.04492519795894623 :0.04628369212150574 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.17899495363235474 in:0.04564902186393738 but:0.036673370748758316 to:0.030077455565333366 :0.058716773986816406 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +The:0.11225621402263641 It:0.042103007435798645 I:0.04089917242527008 He:0.03175217658281326 :0.15787167847156525 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +to:0.5134709477424622 for:0.0942627415060997 of:0.03433724865317345 in:0.026638027280569077 :0.053714003413915634 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.1606997549533844 was:0.026514701545238495 to:0.019574690610170364 &:0.013721429742872715 :0.29993921518325806 +and:0.045668065547943115 of:0.04359888657927513 the:0.03295661881566048 a:0.02583976276218891 :0.39272093772888184 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +the:0.2296062707901001 up:0.05110275000333786 a:0.04579479619860649 with:0.04499233886599541 :0.0686744749546051 +and:0.118754543364048 of:0.07573989033699036 in:0.05445144325494766 to:0.05346054583787918 :0.05391865223646164 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +that:0.11591584980487823 the:0.09564249217510223 to:0.08545379340648651 any:0.046939920634031296 :0.1569240689277649 +in:0.19075839221477509 by:0.049750108271837234 and:0.0381082221865654 to:0.03309018164873123 :0.07110369205474854 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.1622157096862793 and:0.042697060853242874 regions:0.03919202834367752 parts:0.03543314337730408 :0.20810304582118988 +mortgage:0.05769551172852516 that:0.040674857795238495 deed:0.0221566092222929 to:0.019638730213046074 :0.18850070238113403 +and:0.07671499997377396 county:0.056487925350666046 county,:0.037003543227910995 street:0.03646811470389366 :0.19969722628593445 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Court:0.6042320728302002 Court,:0.08649022877216339 court:0.08545105159282684 court.:0.03175777196884155 :0.06364357471466064 +of:0.34997066855430603 and:0.060746628791093826 Hall,:0.02116592787206173 to:0.01802997663617134 :0.15505023300647736 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +riage:0.08472441881895065 be:0.07718940824270248 ket:0.06550733745098114 ried:0.05419956147670746 :0.18123087286949158 +from:0.14985395967960358 and:0.02321695350110531 when:0.01560559868812561 day:0.011067156679928303 :0.28890565037727356 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.026459073647856712 .:0.015532474964857101 to:0.011833610944449902 and:0.0113530233502388 :0.34905585646629333 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +than:0.2503841519355774 or:0.03227546811103821 of:0.026246555149555206 and:0.01230141893029213 :0.24139472842216492 +into:0.29467347264289856 among:0.09204889088869095 between:0.07345835119485855 Into:0.058382418006658554 :0.041094083338975906 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.43506598472595215 and:0.06732906401157379 for:0.037449076771736145 to:0.030312873423099518 :0.05726499482989311 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +years:0.04017961025238037 war:0.019034655764698982 years,:0.015444810502231121 meeting:0.013671023771166801 :0.27415576577186584 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +west:0.07546310126781464 east:0.03710731118917465 E.:0.026143111288547516 of:0.01759638637304306 :0.3370001018047333 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.33687904477119446 day:0.03186367452144623 Hundred:0.030532803386449814 thing:0.018876586109399796 :0.07920660823583603 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.19964057207107544 of:0.12100373953580856 rendered:0.05986239016056061 was:0.042984794825315475 :0.08299150317907333 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +in:0.09174744784832001 when:0.037996720522642136 as:0.0378432422876358 it:0.03628836199641228 :0.0632234737277031 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +The:0.0995076522231102 21.:0.04164623096585274 A:0.026437480002641678 Inclusive,:0.025230571627616882 :0.32649993896484375 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.11096124351024628 and:0.07383270561695099 on:0.056664783507585526 in:0.050939928740262985 :0.08148037642240524 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.14639398455619812 the:0.06060138717293739 what:0.04207518696784973 nothing:0.04076124727725983 :0.048992861062288284 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.13518795371055603 up:0.11654374748468399 down:0.060906678438186646 in:0.05568457394838333 :0.04816051945090294 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.20982471108436584 a:0.053433019667863846 out:0.03990548849105835 it:0.03570399433374405 :0.10445825755596161 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +ceived:0.01453169621527195 the:0.012149110436439514 ported:0.012097148224711418 -:0.010624353773891926 :0.4510902166366577 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +up:0.08362877368927002 out:0.05849408358335495 into:0.05127876624464989 over:0.03976186737418175 :0.055524323135614395 +away:0.13873335719108582 over:0.11164699494838715 by:0.08458154648542404 the:0.07231222093105316 :0.05739711597561836 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +by:0.3875633180141449 to:0.07825116068124771 from:0.07077285647392273 the:0.05297000706195831 :0.05372999235987663 +said:0.004928037989884615 whole:0.004053969867527485 United:0.003921668976545334 city:0.0038735964335501194 :0.4893916845321655 +erty:0.3308331370353699 of:0.027430858463048935 er:0.022336656227707863 erly:0.020594198256731033 :0.3127683103084564 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.08154083788394928 is:0.03542627394199371 of:0.02845693565905094 or:0.02556665800511837 :0.10804842412471771 +to:0.1175312027335167 the:0.11090053617954254 of:0.047229599207639694 him:0.03441094234585762 :0.10826577991247177 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15433302521705627 but:0.044714316725730896 the:0.025849739089608192 as:0.02191576175391674 :0.1350080817937851 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +Company:0.17823797464370728 Company,:0.06577564775943756 and:0.03969797119498253 company:0.026497891172766685 :0.17288784682750702 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.21281184256076813 was:0.05962226167321205 by:0.04525720328092575 is:0.04270277917385101 :0.04134654253721237 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +fort:0.39726337790489197 forts:0.053541429340839386 fect:0.038690946996212006 ficient:0.005005333572626114 :0.4620428681373596 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.1951349377632141 as:0.08785096555948257 an:0.028074918314814568 so:0.013203891925513744 :0.21036429703235626 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.18340438604354858 the:0.057151246815919876 but:0.05698125809431076 it:0.023848462849855423 :0.06372618675231934 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09315019845962524 in:0.08268646895885468 and:0.07984445244073868 to:0.05664271488785744 :0.12095607817173004 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +and:0.1430148035287857 which:0.048701100051403046 the:0.03311345726251602 as:0.024151813238859177 :0.044621773064136505 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +down:0.12227005511522293 on:0.05835002660751343 the:0.04880760982632637 in:0.04680171608924866 :0.08255720883607864 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.17612916231155396 It:0.06691372394561768 He:0.046928394585847855 They:0.03647047281265259 :0.04774521291255951 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.14529076218605042 were:0.0777854174375534 in:0.05759608373045921 to:0.038279127329587936 :0.09232411533594131 +of:0.313533216714859 and:0.05970632657408714 to:0.041057124733924866 are:0.038978200405836105 :0.0386953242123127 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1782074123620987 a:0.131612166762352 the:0.06333466619253159 an:0.039423391222953796 :0.11722748726606369 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +that:0.42646726965904236 the:0.11602232605218887 it:0.03503560647368431 he:0.030057573691010475 :0.06003570556640625 +to:0.1077997237443924 in:0.06970445811748505 and:0.05874668061733246 of:0.05645956099033356 :0.07134217768907547 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +to:0.4782685935497284 by:0.018886489793658257 thereto,:0.011570656672120094 Court:0.01022675447165966 :0.12512162327766418 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.41171687841415405 to:0.1809961199760437 into:0.06855165213346481 and:0.04220540449023247 :0.0304707121104002 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +years:0.08584744483232498 (20):0.04427598416805267 years,:0.035455748438835144 minutes:0.031484853476285934 :0.23568600416183472 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +to:0.20148484408855438 and:0.055308662354946136 times:0.04553290456533432 for:0.03579406812787056 :0.1306144893169403 +and:0.20545819401741028 the:0.07725497335195541 which:0.04746762290596962 a:0.024717794731259346 :0.08335702866315842 +of:0.27037376165390015 and:0.08745881170034409 the:0.03182494267821312 are:0.03114684671163559 :0.06649956852197647 +of:0.6469489932060242 the:0.06471714377403259 them:0.026520049199461937 him:0.019896013662219048 :0.029911307618021965 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Louis:0.31712228059768677 Paul,:0.15894560515880585 Louis,:0.07619889080524445 Paul:0.07152567058801651 :0.20302176475524902 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13774479925632477 and:0.06360723078250885 in:0.05979228764772415 is:0.0421135239303112 :0.0869067907333374 +not:0.045979421585798264 now:0.023044388741254807 the:0.01954125240445137 in:0.01451941579580307 :0.20713986456394196 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.1581343114376068 been:0.04119357839226723 what:0.0315411351621151 before:0.029610946774482727 :0.07450231909751892 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +that:0.1904560625553131 the:0.0822119191288948 a:0.05589982867240906 in:0.030062764883041382 :0.09345176070928574 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +degrees:0.06023399531841278 mln.:0.041691966354846954 @:0.04145711287856102 deg.:0.035614825785160065 :0.18534331023693085 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +James:0.049080513417720795 John:0.042549435049295425 Ernest:0.034225426614284515 Robert:0.03326946124434471 :0.2801252007484436 +the:0.08435764163732529 a:0.0646323561668396 two:0.0458565354347229 this:0.02784375660121441 :0.13010719418525696 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +of:0.2514406144618988 that:0.12028111517429352 on:0.06664641946554184 the:0.041666269302368164 :0.04054415598511696 +the:0.6821940541267395 this:0.04357549920678139 tho:0.033120594918727875 their:0.009336842224001884 :0.036907486617565155 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +to:0.33901432156562805 by:0.08225299417972565 for:0.07442918419837952 in:0.031229302287101746 :0.07880014926195145 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.6349624991416931 which:0.02198793739080429 and:0.0190843865275383 are:0.019082695245742798 :0.01727212220430374 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +thing:0.022413330152630806 important:0.022125758230686188 feature:0.019533105194568634 point:0.015698494389653206 :0.17471547424793243 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +A:0.024413587525486946 S:0.0169355571269989 F:0.01490971352905035 A.:0.012029120698571205 :0.4297746419906616 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06471144407987595 not:0.038566309958696365 the:0.03320041671395302 to:0.018947577103972435 :0.29334089159965515 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +.:0.41677987575531006 .,:0.01387456338852644 F:0.012188767082989216 R:0.010495786555111408 :0.23018503189086914 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.05742809176445007 to:0.03763579949736595 who:0.03742207959294319 a:0.03651514649391174 :0.03335530310869217 +.:0.20409946143627167 .,:0.016672631725668907 of:0.014604543335735798 .;:0.013032408431172371 :0.26543259620666504 +the:0.287875771522522 us:0.05961523577570915 him:0.05430431663990021 you:0.05137096717953682 :0.05699510872364044 +and:0.12881290912628174 was:0.014847171492874622 M.:0.010161248967051506 II.:0.008821218274533749 :0.4810894727706909 +of:0.3756261169910431 and:0.05078085884451866 lands:0.016212383285164833 land:0.01531711220741272 :0.07658194750547409 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +to:0.6701491475105286 for:0.17171013355255127 by:0.010325925424695015 and:0.00970985647290945 :0.011572509072721004 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.1269996166229248 tho:0.03893323615193367 it:0.025387173518538475 there:0.02232915535569191 :0.11262869089841843 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +from:0.14458121359348297 by:0.1347685009241104 up:0.06563693284988403 in:0.033529579639434814 :0.09236326813697815 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15819162130355835 tne:0.04659908264875412 a:0.04313473403453827 tho:0.02129867486655712 :0.1719651222229004 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.1008206307888031 have:0.03224671259522438 and:0.027459215372800827 as:0.01914992555975914 :0.23070545494556427 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +of:0.40554332733154297 or:0.12569618225097656 and:0.06314132362604141 in:0.02511419542133808 :0.02906537428498268 +and:0.17305314540863037 is:0.057655807584524155 in:0.043843965977430344 was:0.03633572906255722 :0.1253957599401474 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +of:0.5170412659645081 and:0.056854765862226486 are:0.029208721593022346 for:0.02730204351246357 :0.049346040934324265 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +-:0.049379050731658936 -t:0.023830512538552284 The:0.017992470413446426 1:0.01772148907184601 :0.3171154856681824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +and:0.26447051763534546 dollars:0.05790615826845169 yards:0.05209307745099068 feet:0.020143795758485794 :0.1843247413635254 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2082747519016266 law:0.058309406042099 in:0.04591900482773781 and:0.03751497343182564 :0.15300746262073517 +of:0.21470847725868225 to:0.15776462852954865 and:0.156271830201149 is:0.030367933213710785 :0.03828475996851921 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +war:0.04122858867049217 of:0.037425171583890915 in:0.03721177577972412 to:0.031375110149383545 :0.1857815682888031 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05222076177597046 it:0.02065480314195156 a:0.020522670820355415 they:0.0169809702783823 :0.083949975669384 +the:0.22618913650512695 they:0.08690418303012848 you:0.04926444590091705 it:0.045547302812337875 :0.07598232477903366 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.049515411257743835 city:0.009923039004206657 customs:0.008715173229575157 Egyptian:0.006497728638350964 :0.4335770308971405 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.058224618434906006 a:0.012747435830533504 of:0.008363865315914154 all:0.008096346631646156 :0.31952327489852905 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.1032262071967125 than:0.039298783987760544 have:0.03686591610312462 having:0.03637970983982086 :0.2229471355676651 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.0398857407271862 Johnston:0.023205216974020004 had:0.021288935095071793 was:0.019205383956432343 :0.3265257477760315 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.11160344630479813 was:0.06713192909955978 of:0.0420713871717453 has:0.02658267319202423 :0.16904428601264954 +m:0.6334322690963745 m.,:0.07434798777103424 m.:0.02512030489742756 d.:0.006808053702116013 :0.09374310821294785 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +own:0.04448304697871208 answer:0.01044088788330555 duty:0.0059332167729735374 friends:0.004897722043097019 :0.20047441124916077 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.22020436823368073 of:0.15785247087478638 dated:0.09786897897720337 to:0.058636799454689026 :0.06454912573099136 +of:0.16651839017868042 as:0.12227034568786621 in:0.09578172862529755 and:0.08598706871271133 :0.05317671224474907 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +bank:0.06542854011058807 Mutual:0.05786462128162384 Convention:0.018510108813643456 Bank:0.01792675256729126 :0.4442809820175171 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.1371023803949356 It:0.06973468512296677 He:0.04780503734946251 There:0.03855568915605545 :0.15458926558494568 +committee:0.19851712882518768 session:0.07091592997312546 and:0.038722749799489975 committee.:0.035272449254989624 :0.11626052111387253 +of:0.022631701081991196 J.:0.02065577358007431 and:0.018849339336156845 John:0.014914567582309246 :0.571774959564209 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.17032089829444885 the:0.05073130503296852 but:0.042746350169181824 to:0.021235361695289612 :0.08949100971221924 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.11450767517089844 of:0.10144247859716415 a:0.04916811361908913 that:0.043568264693021774 :0.061654720455408096 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.19614602625370026 has:0.06113240867853165 to:0.041502516716718674 is:0.041102584451436996 :0.06582292169332504 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +and:0.06529152393341064 the:0.061094723641872406 a:0.04687466099858284 that:0.03614767640829086 :0.04292780160903931 +years:0.058412518352270126 minutes:0.05346722528338432 hundred:0.04179952293634415 days:0.03675773739814758 :0.21952679753303528 +to:0.2605377435684204 into:0.05381183698773384 on:0.04710131138563156 out:0.03876684606075287 :0.081917904317379 +of:0.35115447640419006 or:0.10593227297067642 and:0.03195223584771156 No.:0.023218408226966858 :0.049758151173591614 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16808442771434784 and:0.0786469429731369 in:0.03301539644598961 to:0.022379668429493904 :0.12605100870132446 +The:0.12238119542598724 It:0.06620679795742035 In:0.04049038141965866 He:0.03969351947307587 :0.20586100220680237 +of:0.22362937033176422 and:0.1424824446439743 was:0.03677966073155403 is:0.036066263914108276 :0.06471569091081619 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.25798022747039795 that:0.11406686902046204 the:0.04851679876446724 to:0.043433353304862976 :0.04260089620947838 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.16199828684329987 to:0.09068415313959122 and:0.06390347331762314 the:0.041681401431560516 :0.11330797523260117 +to:0.9167786240577698 for:0.006431038025766611 by:0.004797754809260368 to,:0.0034551217686384916 :0.007051193621009588 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08999762684106827 and:0.02490786276757717 in:0.009065462276339531 Wood:0.008095701225101948 :0.4726303219795227 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1457427591085434 on:0.039450082927942276 at:0.031197242438793182 in:0.030660193413496017 :0.12590709328651428 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +of:0.18981121480464935 and:0.04760056734085083 was:0.0425872802734375 is:0.0418449342250824 :0.0654568001627922 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +and:0.16480709612369537 throat,:0.10477175563573837 to:0.04704215005040169 in:0.036182861775159836 :0.19544486701488495 +in:0.07519683986902237 his:0.057891473174095154 the:0.05546761304140091 their:0.05229911208152771 :0.1025744378566742 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +wife:0.014394868165254593 name:0.01321286242455244 first:0.012603298760950565 father,:0.010865313932299614 :0.28542545437812805 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +by:0.14159201085567474 the:0.13340936601161957 to:0.06708193570375443 in:0.05890197306871414 :0.11775143444538116 +and:0.2003827691078186 where:0.03132099285721779 which:0.02798846736550331 the:0.027921168133616447 :0.12686310708522797 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.263923317193985 of:0.08520089089870453 all:0.0358896479010582 a:0.03321763873100281 :0.08426780253648758 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07262682914733887 of:0.0413384847342968 with:0.033515945076942444 between:0.026995208114385605 :0.07091101258993149 +of:0.18483556807041168 is:0.13229332864284515 that:0.09489663690328598 to:0.07080807536840439 :0.043118320405483246 +ployed:0.03353699669241905 press,:0.0020500996615737677 -:0.0018245368264615536 and:0.0017292159609496593 :0.916440486907959 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +and:0.19024720788002014 who:0.10939141362905502 the:0.0660170242190361 a:0.038224540650844574 :0.05949234962463379 +a:0.12764334678649902 by:0.10597588866949081 the:0.09383215010166168 in:0.06111115962266922 :0.05375079810619354 +of:0.03209950774908066 and:0.022787446156144142 in:0.013470165431499481 men:0.009707832708954811 :0.6082804203033447 +to:0.09493183344602585 and:0.0903979167342186 as:0.01813698559999466 feature:0.015404284931719303 :0.16895602643489838 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +The:0.10118656605482101 It:0.06022766977548599 He:0.039740294218063354 A:0.03702760115265846 :0.15515531599521637 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cities:0.02348680980503559 state:0.019113223999738693 State,:0.01387743279337883 town.:0.01363879069685936 :0.33698996901512146 +it's:0.07128365337848663 yes,:0.06773535907268524 I:0.0637516900897026 what:0.05470070615410805 :0.14732691645622253 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.1667153239250183 the:0.07791963964700699 but:0.025992130860686302 it:0.022978954017162323 :0.09139088541269302 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +stock:0.25405406951904297 of:0.10469262301921844 and:0.0693245530128479 to:0.03766315057873726 :0.08996641635894775 +of:0.1334037333726883 in:0.09665472060441971 and:0.07707872241735458 are:0.061281442642211914 :0.0485992394387722 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +old:0.006431900430470705 County:0.004658244550228119 other:0.004549461882561445 United:0.0040771993808448315 :0.3483644425868988 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.09174744784832001 when:0.037996720522642136 as:0.0378432422876358 it:0.03628836199641228 :0.0632234737277031 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.32921600341796875 and:0.07488899677991867 in:0.059058625251054764 was:0.03587919473648071 :0.03875240683555603 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.13493818044662476 a:0.10850495100021362 place:0.07508259266614914 up:0.037724949419498444 :0.06988222897052765 +over:0.09405408054590225 of:0.08604317903518677 out:0.07298772037029266 evenly:0.06569242477416992 :0.05924509838223457 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +war:0.04122858867049217 of:0.037425171583890915 in:0.03721177577972412 to:0.031375110149383545 :0.1857815682888031 +in:0.05055048316717148 for:0.038540493696928024 a:0.036515846848487854 the:0.03585595265030861 :0.08526913821697235 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +that:0.17875704169273376 the:0.05714203044772148 of:0.054255060851573944 whether:0.0507085956633091 :0.04694949835538864 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06938191503286362 be:0.04399369657039642 not:0.042489394545555115 a:0.03881790116429329 :0.12634198367595673 +of:0.16808442771434784 and:0.0786469429731369 in:0.03301539644598961 to:0.022379668429493904 :0.12605100870132446 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.16546066105365753 are:0.06251731514930725 and:0.059830404818058014 in:0.05587733909487724 :0.05997808277606964 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +scribed:0.1409546136856079 clined:0.03292301297187805 mand:0.025239326059818268 grees:0.015227432362735271 :0.5194891691207886 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4351159334182739 and:0.03044072911143303 for:0.030152609571814537 to:0.021355073899030685 :0.09773080050945282 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +use.:0.020380612462759018 and:0.016425827518105507 confinement:0.016286371275782585 settlers:0.01583191379904747 :0.21997833251953125 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1114155501127243 in:0.09119269996881485 that:0.07628046721220016 to:0.04720034450292587 :0.08850078284740448 +to:0.08646342158317566 in:0.06261953711509705 and:0.06160210445523262 for:0.05159600079059601 :0.09178218245506287 +to:0.25151193141937256 of:0.1321391612291336 into:0.07110397517681122 and:0.02606220915913582 :0.02527747116982937 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.20026874542236328 but:0.07487882673740387 on:0.038289107382297516 for:0.032896075397729874 :0.08512748777866364 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +in:0.2571257948875427 and:0.07584846019744873 a:0.03817089647054672 on:0.03600455820560455 :0.033569999039173126 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +he:0.13510052859783173 the:0.11699773371219635 they:0.06421125680208206 I:0.05399137735366821 :0.09661228209733963 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +The:0.1305227130651474 He:0.07467762380838394 It:0.05262526497244835 There:0.04037948325276375 :0.14777232706546783 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.046472761780023575 the:0.03018823266029358 to:0.02928151935338974 that:0.01767086796462536 :0.29103773832321167 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.09993539750576019 the:0.05101485177874565 but:0.022133586928248405 a:0.020744750276207924 :0.17700564861297607 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1259709894657135 on:0.0744364857673645 for:0.0369623638689518 but:0.028586050495505333 :0.054478276520967484 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.5320301651954651 as:0.029546987265348434 a:0.02576741948723793 that:0.022146031260490417 :0.10712455958127975 +and:0.21316687762737274 in:0.060111887753009796 the:0.058950260281562805 upon:0.03383725881576538 :0.0525895431637764 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4922947585582733 and:0.046163856983184814 in:0.03631380572915077 to:0.03056035004556179 :0.05035989359021187 +to:0.07015950232744217 miles:0.044520385563373566 per:0.04124206677079201 and:0.03876641392707825 :0.18976570665836334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.29482388496398926 to:0.16155923902988434 in:0.061707451939582825 and:0.05042961612343788 :0.04083005711436272 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Mexico.:0.020107338204979897 and:0.011004953645169735 World:0.010879541747272015 Bay:0.00852065160870552 :0.6455777883529663 +of:0.4504077732563019 and:0.08971837908029556 in:0.02585281990468502 with:0.02530708909034729 :0.04740024730563164 +of:0.3001739978790283 House:0.08226347714662552 for:0.04748455435037613 in:0.04102272167801857 :0.0931616872549057 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.17436598241329193 of:0.14722882211208344 the:0.03040194697678089 at:0.028185950592160225 :0.07630053162574768 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.18119500577449799 for:0.0867103636264801 of:0.08101069182157516 in:0.06134156882762909 :0.1356363296508789 +of:0.3019457161426544 was:0.04862896725535393 is:0.04426603019237518 that:0.032535258680582047 :0.04322110861539841 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6623016595840454 An:0.0173921138048172 to.:0.01698462665081024 "An:0.013525146059691906 :0.0865948274731636 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.14629288017749786 is:0.07835333794355392 was:0.04457021877169609 all:0.020642362534999847 :0.06613031029701233 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +of:0.40018919110298157 and:0.21188032627105713 to:0.043726857751607895 in:0.02604239620268345 :0.022273702546954155 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1628391444683075 shall:0.10659085214138031 the:0.06295593827962875 or:0.031410735100507736 :0.054167162626981735 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.1228199154138565 for:0.12024558335542679 on:0.045373063534498215 to:0.045032620429992676 :0.09411071985960007 +of:0.3073415160179138 and:0.04030843451619148 Board:0.028057917952537537 to:0.022900084033608437 :0.10810422897338867 +of:0.07359927892684937 on:0.06982965022325516 upon:0.04339097440242767 and:0.03171179071068764 :0.19290082156658173 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +to:0.4240747094154358 a:0.0635984018445015 the:0.05275452882051468 him:0.02391604706645012 :0.039335209876298904 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.2112746238708496 with:0.05804220214486122 at:0.042472947388887405 in:0.02954920195043087 :0.06923234462738037 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3972947299480438 that:0.13573789596557617 against:0.04055643454194069 thereof:0.025298109278082848 :0.048052217811346054 +of:0.03185496851801872 the:0.028993574902415276 and:0.016998423263430595 .:0.01460842601954937 :0.3734434247016907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +and:0.061645928770303726 H.:0.034879494458436966 F.:0.029092926532030106 R.:0.025675078853964806 :0.3363632559776306 +the:0.09825723618268967 a:0.06843812018632889 not:0.023277878761291504 to:0.017676884308457375 :0.1913129836320877 +of:0.3295145034790039 and:0.10807511955499649 are:0.03762032464146614 in:0.0344037190079689 :0.056811362504959106 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +tirely:0.10489383339881897 tered:0.052889350801706314 listed:0.018322573974728584 titled:0.01761534810066223 :0.6332118511199951 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +The:0.07007025182247162 of:0.027563657611608505 It:0.026841606944799423 and:0.026463119313120842 :0.12216459959745407 +the:0.13471317291259766 it:0.09740004688501358 there:0.0650796964764595 a:0.03265566751360893 :0.03581760823726654 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.09766543656587601 and:0.08884935826063156 with:0.06600964069366455 was:0.03066849522292614 :0.07849917560815811 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +No.:0.03914573788642883 Two:0.029724594205617905 53:0.026407981291413307 6:0.021038703620433807 :0.3897693455219269 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.011140044778585434 the:0.007150573655962944 way:0.004792644176632166 only:0.0046867686323821545 :0.5309194922447205 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1555100977420807 is:0.04066486656665802 production:0.03206683322787285 to:0.030046621337532997 :0.09226273000240326 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +whole:0.020087284967303276 time:0.009653880260884762 said:0.007297740783542395 most:0.006990427151322365 :0.1784038543701172 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.054230257868766785 that:0.023393668234348297 and:0.02293679676949978 the:0.022757496684789658 :0.3106844127178192 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.17658399045467377 not:0.059289947152137756 they:0.039709217846393585 it:0.038603197783231735 :0.09296288341283798 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tain:0.33123448491096497 of:0.05815650150179863 and:0.034695811569690704 tainly:0.02695559896528721 :0.2316395342350006 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +that:0.21184885501861572 the:0.06320330500602722 a:0.039465125650167465 it:0.02844158001244068 :0.0987531915307045 +to:0.09795942157506943 that:0.06981083750724792 of:0.05209944397211075 in:0.05002368986606598 :0.08183926343917847 +Pacific:0.05997132137417793 and:0.046661436557769775 Telegraph:0.034673042595386505 men:0.033302295953035355 :0.11988461017608643 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +marked:0.07452408224344254 and:0.06632210314273834 in:0.03935029357671738 set:0.03315087407827377 :0.15958184003829956 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +of:0.08399830013513565 to:0.08060261607170105 and:0.05873557925224304 will:0.03926074132323265 :0.04260038956999779 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +down:0.12227005511522293 on:0.05835002660751343 the:0.04880760982632637 in:0.04680171608924866 :0.08255720883607864 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.1696530133485794 the:0.08287513256072998 but:0.048967987298965454 that:0.02868962474167347 :0.07069266587495804 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.09233967959880829 of:0.042832981795072556 has:0.03813900798559189 to:0.03777766600251198 :0.12224938720464706 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +upon:0.10406841337680817 the:0.09887625277042389 to:0.07992899417877197 for:0.05725368484854698 :0.14102797210216522 +who:0.16544756293296814 in:0.039405081421136856 interested:0.03116520680487156 and:0.03057965822517872 :0.08606355637311935 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +Fe:0.38727065920829773 Anna:0.02225320413708687 Barbara:0.018355121836066246 Clara:0.009845704771578312 :0.49902647733688354 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.13307353854179382 of:0.08495306223630905 that:0.05802878364920616 this:0.03344053402543068 :0.14084215462207794 +which:0.09411168843507767 are:0.09134841710329056 and:0.08660021424293518 of:0.06825774908065796 :0.04878393933176994 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5223076939582825 and:0.05998340621590614 in:0.029955459758639336 to:0.02330354042351246 :0.04184133931994438 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.4328709542751312 and:0.07746647298336029 are:0.03729438781738281 to:0.025075392797589302 :0.03522227704524994 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +institution:0.09217142313718796 and:0.06093152239918709 institutions:0.04811578989028931 work:0.027672410011291504 :0.23211824893951416 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.2751976251602173 which:0.07327155023813248 the:0.03923647478222847 with:0.03186097741127014 :0.11379650980234146 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11450620740652084 to:0.02042277157306671 the:0.02010219544172287 of:0.02003904990851879 :0.35537227988243103 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.06994211673736572 to:0.059498243033885956 the:0.0530715137720108 in:0.04195472598075867 :0.16329523921012878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.0569351427257061 pitch:0.01846335455775261 flowers,:0.01715301349759102 rush:0.016956690698862076 :0.3104051947593689 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.09327904880046844 a:0.0615716278553009 the:0.05751097947359085 it:0.041288815438747406 :0.1265966296195984 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6456045508384705 of:0.08830685913562775 thereto:0.07740847766399384 the:0.01116540189832449 :0.037691209465265274 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +The:0.0980166420340538 I:0.09252934157848358 It:0.08031050115823746 If:0.036244429647922516 :0.1672062873840332 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5619649291038513 and:0.03943435102701187 from:0.032398950308561325 the:0.0209296066313982 :0.02914700098335743 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +was:0.0634055808186531 is:0.06118229404091835 and:0.05219310522079468 has:0.028016503900289536 :0.09294608980417252 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.14865368604660034 the:0.04892275482416153 of:0.04413800314068794 in:0.02654782496392727 :0.05995730683207512 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +been:0.16530536115169525 boon:0.07880041003227234 a:0.02594788931310177 not:0.024151669815182686 :0.12280842661857605 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +of:0.449283242225647 thinks:0.052548427134752274 and:0.04489237070083618 was:0.03201179578900337 :0.032128460705280304 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.16734127700328827 the:0.04071470722556114 to:0.02701796032488346 who:0.025571761652827263 :0.09891584515571594 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.15840183198451996 and:0.14692533016204834 of:0.10162438452243805 the:0.052881870418787 :0.029003607109189034 +shadow:0.009182042442262173 fact:0.008753309957683086 than:0.006946573033928871 or:0.005782859865576029 :0.5552932620048523 +into:0.1215035617351532 and:0.0703314021229744 from:0.06864983588457108 over:0.053958237171173096 :0.07515750825405121 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.039065174758434296 of:0.015829794108867645 to:0.012704892084002495 in:0.010274951346218586 :0.3739505112171173 +to:0.23451337218284607 a:0.07640126347541809 the:0.02959260158240795 and:0.014863881282508373 :0.08660733699798584 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.18480107188224792 was:0.11442989110946655 and:0.07317230105400085 is:0.037244126200675964 :0.10861802846193314 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +on:0.12287859618663788 was:0.08679907023906708 and:0.0692053809762001 in:0.05048644542694092 :0.06126648932695389 +of:0.3977600038051605 for:0.1550895869731903 was:0.06712034344673157 the:0.03992309048771858 :0.03631764277815819 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +the:0.10466524958610535 I:0.09842479974031448 it:0.05670304223895073 that:0.02822248823940754 :0.07513734698295593 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.022631701081991196 J.:0.02065577358007431 and:0.018849339336156845 John:0.014914567582309246 :0.571774959564209 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +for:0.1232105940580368 to:0.06569790095090866 by:0.06131831929087639 for,:0.05339890345931053 :0.11068620532751083 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +p.:0.1746683567762375 in:0.09250355511903763 a.:0.08651115000247955 A.:0.07264038920402527 :0.061098210513591766 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +get:0.08639679849147797 see:0.06083816662430763 be:0.056004054844379425 have:0.03679388016462326 :0.07759648561477661 +utes:0.6655071377754211 ister:0.11382769793272018 ing:0.06606452167034149 eral:0.039530765265226364 :0.06077587977051735 +to:0.07652196288108826 the:0.05116792768239975 and:0.047759685665369034 for:0.036749131977558136 :0.26541435718536377 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +to:0.3114728629589081 of:0.21687355637550354 is:0.032260168343782425 and:0.02124396525323391 :0.04356854781508446 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.05646935850381851 one:0.04287346825003624 two:0.04253881052136421 of:0.03127557039260864 :0.1460990607738495 +the:0.22093386948108673 and:0.05622246861457825 to:0.038724273443222046 in:0.0372563973069191 :0.0706440731883049 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.1348290741443634 ten:0.06171838566660881 $50,000:0.048235177993774414 ingly:0.047447092831134796 :0.1506471186876297 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +equipped:0.06793440878391266 chopped:0.05846722051501274 ground:0.03065110184252262 decorated:0.03037887252867222 :0.19354861974716187 +District,:0.6293966174125671 District:0.16309627890586853 District.:0.022683585062623024 Court:0.011809274554252625 :0.09168960899114609 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11064009368419647 of:0.06982377171516418 the:0.04017020761966705 in:0.03813361003994942 :0.07689812779426575 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.2591891288757324 It:0.0491211861371994 In:0.03957222029566765 There:0.02809472195804119 :0.11887917667627335 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +of:0.25403133034706116 out:0.05945025011897087 for:0.059344127774238586 and:0.029201049357652664 :0.09441851824522018 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6799360513687134 in:0.044010695070028305 ot:0.011287801899015903 for:0.011098597198724747 :0.03818488121032715 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +The:0.148009791970253 In:0.044576384127140045 It:0.03940742090344429 There:0.03914160653948784 :0.14122559130191803 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.6175847053527832 meeting:0.026485418900847435 and:0.017286958172917366 ot:0.016406329348683357 :0.04073319956660271 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.26824110746383667 of:0.12934334576129913 is:0.06514185667037964 was:0.041456468403339386 :0.08263010531663895 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +of:0.5407159924507141 for:0.1189846396446228 and:0.025787850841879845 ot:0.01547972857952118 :0.02950548380613327 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.10200776904821396 a:0.0657939687371254 them:0.05480276420712471 him:0.04573249816894531 :0.07286142557859421 +in:0.11236196011304855 after:0.09626514464616776 as:0.03898494690656662 if:0.037081994116306305 :0.06158265843987465 +own:0.0197155699133873 and:0.01176599320024252 head:0.005123194772750139 first:0.004983066581189632 :0.3577699363231659 +Dewey:0.19329656660556793 and:0.027957333251833916 Watson:0.024759164080023766 Porter,:0.021244583651423454 :0.5290780663490295 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.06631027162075043 that:0.060553450137376785 like:0.060298334807157516 about:0.058599308133125305 :0.08593945950269699 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2057645469903946 from:0.047755464911460876 out:0.046072524040937424 in:0.04528909921646118 :0.06052161008119583 +and:0.06706920266151428 morning:0.06258843839168549 afternoon:0.05232173949480057 in:0.03775777295231819 :0.11737789958715439 +the:0.24676382541656494 this:0.05421524867415428 that:0.04525945335626602 a:0.037035953253507614 :0.23227788507938385 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +claim:0.2445657104253769 to:0.21702559292316437 claims:0.036598458886146545 possession:0.03326958045363426 :0.0996844545006752 +and:0.02752406895160675 party:0.026342500001192093 parties:0.025029290467500687 parties,:0.01527596078813076 :0.3384157717227936 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +for:0.11851134896278381 against:0.05884387716650963 at:0.05798119306564331 place:0.05672869086265564 :0.13689762353897095 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +to:0.37402665615081787 of:0.07126445323228836 and:0.03231386840343475 in:0.031894102692604065 :0.04406541585922241 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +to:0.13881993293762207 the:0.08727861195802689 in:0.03569407761096954 on:0.035608261823654175 :0.1431705504655838 +the:0.29305732250213623 to:0.03828961029648781 and:0.03732890263199806 a:0.028406821191310883 :0.11813075840473175 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +that:0.2006862610578537 the:0.12417013943195343 a:0.04679310321807861 what:0.030355578288435936 :0.04869561269879341 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.052237603813409805 I:0.04410669952630997 do.:0.03139081224799156 He:0.030580690130591393 :0.19689904153347015 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +for:0.21146507561206818 of:0.1329878270626068 and:0.10537764430046082 were:0.06895961612462997 :0.0489601269364357 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +the:0.0746876671910286 d:0.047154176980257034 a:0.036320921033620834 to:0.011345935985445976 :0.32469677925109863 +and:0.07778050750494003 J.:0.02274950034916401 B.:0.022469498217105865 A.:0.022373713552951813 :0.5078232884407043 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +of:0.2503759562969208 that:0.03963794186711311 and:0.03949297219514847 in:0.031610142439603806 :0.0781826302409172 +vantage:0.1620398759841919 the:0.02173253893852234 mitted:0.018896128982305527 a:0.010878665372729301 :0.42859339714050293 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +as:0.07151487469673157 the:0.06565596908330917 and:0.05670634284615517 of:0.04563610255718231 :0.0708540603518486 +sumed:0.12189340591430664 sured:0.07375553250312805 signed:0.06457974016666412 sisted:0.006622377783060074 :0.64090895652771 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +The:0.21016825735569 It:0.05783618986606598 I:0.03908674418926239 In:0.036297474056482315 :0.12292253226041794 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +The:0.11455647647380829 A:0.03634914755821228 I:0.03324606642127037 It:0.030169885605573654 :0.1152597963809967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +The:0.18356576561927795 It:0.051112279295921326 There:0.03142959624528885 He:0.027364369481801987 :0.12364143133163452 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06412578374147415 a:0.013729661703109741 that:0.012777823023498058 to:0.011771712452173233 :0.2567578852176666 +to:0.18510553240776062 and:0.15456296503543854 on:0.10002550482749939 at:0.030250184237957 :0.06764192879199982 +and:0.10805217921733856 was:0.0829949900507927 of:0.049413975328207016 is:0.01962873339653015 :0.22261527180671692 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.07650648802518845 to:0.03543764725327492 in:0.02222525328397751 at:0.016892198473215103 :0.13739967346191406 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +the:0.3742508292198181 a:0.07524329423904419 his:0.05648865923285484 and:0.02380579337477684 :0.09344741702079773 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +years:0.058412518352270126 minutes:0.05346722528338432 hundred:0.04179952293634415 days:0.03675773739814758 :0.21952679753303528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.1580679714679718 in:0.14258845150470734 and:0.08373042941093445 with:0.053639598190784454 :0.048473138362169266 +of:0.40018919110298157 and:0.21188032627105713 to:0.043726857751607895 in:0.02604239620268345 :0.022273702546954155 +to:0.366112619638443 of:0.16942903399467468 the:0.0633319616317749 a:0.034945353865623474 :0.06674111634492874 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +29th:0.011131051927804947 United:0.01037659216672182 NEW:0.004932734649628401 undersigned,:0.0029634153470396996 :0.881313681602478 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.1795380711555481 to:0.027224458754062653 to-wit::0.02358931116759777 the:0.01991301402449608 :0.14614351093769073 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.4672758877277374 with:0.1112656369805336 In:0.06681711226701736 by:0.0493328720331192 :0.03560084104537964 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +two:0.06575946509838104 year:0.045408573001623154 few:0.04530929774045944 and:0.03685861825942993 :0.1297522932291031 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +to:0.3347225785255432 that:0.1246766746044159 him:0.07002677023410797 the:0.05639611557126045 :0.0605129636824131 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.1269603669643402 who:0.03362950310111046 the:0.03278905153274536 on:0.023085307329893112 :0.3137677013874054 +to:0.2660016119480133 by:0.18719512224197388 the:0.06683323532342911 him:0.06671128422021866 :0.043594978749752045 +e:0.07255107909440994 .:0.01342118252068758 at:0.012562551535665989 the:0.010868608020246029 :0.3193801939487457 +to:0.2057645469903946 from:0.047755464911460876 out:0.046072524040937424 in:0.04528909921646118 :0.06052161008119583 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.08967690914869308 and:0.07958454638719559 of:0.05905327945947647 in:0.045032452791929245 :0.05187118053436279 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +per:0.10937954485416412 of:0.10161136835813522 on:0.07068488746881485 and:0.07034411281347275 :0.06081569194793701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.007712209597229958 said:0.006420837249606848 most:0.0061573004350066185 first:0.005815976765006781 :0.3500610291957855 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.3425268828868866 of:0.0173353161662817 the:0.016352500766515732 and:0.015326026827096939 :0.1776961088180542 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10428069531917572 is:0.06237637251615524 in:0.037545833736658096 crop:0.03379519656300545 :0.14438630640506744 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.24463897943496704 for:0.06494514644145966 a:0.048490095883607864 said:0.04220549389719963 :0.06664276868104935 +H.:0.11240202188491821 H:0.04447907581925392 J:0.043125733733177185 E:0.024218179285526276 :0.2853514552116394 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.2536429762840271 or:0.03739042207598686 but:0.035668425261974335 the:0.03359663859009743 :0.06650365144014359 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.5358144640922546 in:0.32786649465560913 In:0.028948040679097176 at:0.008447691798210144 :0.014988100156188011 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.11437935382127762 It:0.05218678340315819 In:0.05189671367406845 He:0.04580530524253845 :0.16342122852802277 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +to:0.1984899640083313 that:0.07675211131572723 for:0.05568060278892517 and:0.029946060851216316 :0.11802364885807037 +the:0.06401190161705017 r:0.03205733373761177 >r:0.017570331692695618 tho:0.00833934172987938 :0.24295586347579956 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.036120228469371796 as:0.02952088788151741 the:0.029019545763731003 a:0.02114018239080906 :0.13460218906402588 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +of:0.324045330286026 in:0.09525670111179352 was:0.05933854728937149 is:0.05324539169669151 :0.038244131952524185 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +of:0.41702577471733093 was:0.06627018749713898 in:0.06434671580791473 is:0.0452386736869812 :0.033584002405405045 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +of:0.07907561957836151 in:0.05075068026781082 to:0.048799753189086914 and:0.045146167278289795 :0.06661489605903625 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.21059957146644592 the:0.047688078135252 but:0.0421493835747242 in:0.028031032532453537 :0.07465068250894547 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +F.:0.02392864227294922 A.:0.022164106369018555 J.:0.021585814654827118 H.:0.016367977485060692 :0.6415828466415405 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.023502962663769722 in:0.023379258811473846 at:0.020200729370117188 to:0.017559045925736427 :0.3276423513889313 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.07813895493745804 to:0.06764432787895203 has:0.0441972091794014 and:0.03727180138230324 :0.09535286575555801 +of:0.31349340081214905 money:0.08080865442752838 price:0.07165917009115219 the:0.05670866370201111 :0.07403240352869034 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +He:0.1192312017083168 The:0.07832956314086914 It:0.040300484746694565 I:0.03143010661005974 :0.151652991771698 +of:0.34072044491767883 and:0.06495563685894012 in:0.05865134298801422 is:0.0331554114818573 :0.033196669071912766 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +o'clock:0.09049316495656967 hundred:0.05011618137359619 months:0.04009426385164261 years:0.030146991834044456 :0.30628207325935364 +e:0.01827792450785637 is:0.011122244410216808 -:0.009600582532584667 most:0.008992918767035007 :0.44026580452919006 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +Commencing:0.08232954144477844 Beginning:0.052022505551576614 The:0.04536090046167374 Section:0.023916685953736305 :0.3104531168937683 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.6560469269752502 to:0.03335763141512871 for:0.032377760857343674 and:0.02073591947555542 :0.04482518509030342 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11417123675346375 man:0.055007945746183395 man,:0.04073223099112511 men:0.028318433091044426 :0.2058454155921936 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +to:0.272633820772171 that:0.18107542395591736 from:0.06644268333911896 in:0.05761049687862396 :0.04076956957578659 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +hundred:0.176570326089859 thousand:0.05465278774499893 Hundred:0.036621350795030594 years:0.03104550763964653 :0.23058846592903137 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +notified:0.03248930722475052 relief:0.024918079376220703 ordered:0.019761279225349426 than:0.01917441561818123 :0.2649027407169342 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +J:0.02408760040998459 A.:0.019004354253411293 J.:0.016987645998597145 W:0.01657029800117016 :0.5349041819572449 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.1192973256111145 by:0.07590396702289581 from:0.06788928806781769 up:0.04530385136604309 :0.055026620626449585 +the:0.06328025460243225 in:0.023369580507278442 a:0.01755390875041485 to:0.01643364317715168 :0.36063241958618164 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06412578374147415 a:0.013729661703109741 that:0.012777823023498058 to:0.011771712452173233 :0.2567578852176666 +to:0.9505621194839478 me,:0.003240586258471012 to.:0.0030036407988518476 lo:0.0023871329613029957 :0.0041296458803117275 +room:0.08328979462385178 near,:0.07053187489509583 the:0.055421989411115646 a:0.04643254354596138 :0.04604267701506615 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.13795095682144165 and:0.12845340371131897 to:0.07359201461076736 by:0.07186494022607803 :0.12694330513477325 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.3414742946624756 regulating:0.05620991811156273 and:0.05618700385093689 to:0.02823871374130249 :0.047023314982652664 +of:0.3883739113807678 which:0.04086053743958473 and:0.04033040255308151 to:0.038388967514038086 :0.04582668095827103 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +with:0.10762792080640793 and:0.09881161898374557 to:0.08947861194610596 in:0.07305824756622314 :0.05396346002817154 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +per:0.1100524365901947 @:0.08326927572488785 cents:0.040123216807842255 days:0.04008601978421211 :0.19551017880439758 +and:0.025047753006219864 society:0.016081420704722404 in:0.013504778034985065 life:0.008257800713181496 :0.419119656085968 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.04948995262384415 part:0.028515810146927834 and:0.0248374305665493 that:0.02310158498585224 :0.17833051085472107 +to:0.18116265535354614 of:0.08408327400684357 that:0.07149875909090042 was:0.05053355544805527 :0.06126856803894043 +The:0.03802361711859703 I:0.03024756722152233 'The:0.01613570563495159 the:0.01491854153573513 :0.2746899724006653 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ago:0.15814702212810516 ago,:0.10855072736740112 in:0.05406471714377403 ago.:0.052123062312603 :0.0600147619843483 +of:0.14709173142910004 was:0.06965656578540802 to:0.03680036589503288 and:0.032592251896858215 :0.08242998272180557 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.034468136727809906 a:0.016953542828559875 to:0.01573801040649414 that:0.010669076815247536 :0.3396178185939789 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0476769283413887 imagination:0.03911689296364784 description:0.03692476078867912 contrast:0.03409356251358986 :0.19749686121940613 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.18510553240776062 and:0.15456296503543854 on:0.10002550482749939 at:0.030250184237957 :0.06764192879199982 +and:0.11091987043619156 the:0.027485951781272888 but:0.02602158859372139 or:0.017794666811823845 :0.1621607095003128 +of:0.826998770236969 ot:0.026738112792372704 and:0.0190957710146904 ol:0.008406772278249264 :0.005966517608612776 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.15527568757534027 in:0.05509788542985916 have:0.045255232602357864 of:0.04320036992430687 :0.10498330742120743 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +m,:0.42675626277923584 m:0.026638012379407883 .:0.02393978089094162 m.:0.019279975444078445 :0.20585224032402039 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.1477763056755066 It:0.07141948491334915 There:0.035909369587898254 A:0.021883005276322365 :0.09096293896436691 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05962648242712021 meeting:0.05551464110612869 of:0.05153454840183258 officers:0.03432628884911537 :0.08874493092298508 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.09603782743215561 and:0.09220883995294571 president,:0.06416051089763641 president:0.05327272042632103 :0.2298935502767563 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.14673560857772827 a:0.12239033728837967 to:0.05729471892118454 him:0.038978058844804764 :0.0873217061161995 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +E:0.024883965030312538 Thomas:0.01716962456703186 J:0.016345219686627388 G:0.014882160350680351 :0.5307255387306213 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +Virginia.:0.10133063048124313 of:0.04319428279995918 and:0.038738712668418884 Virginia:0.03452788293361664 :0.345829039812088 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10428069531917572 is:0.06237637251615524 in:0.037545833736658096 crop:0.03379519656300545 :0.14438630640506744 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +per:0.22532419860363007 a:0.179581418633461 for:0.07945632934570312 to:0.04639904946088791 :0.09000465273857117 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.5093116760253906 In:0.06518007814884186 to:0.059111081063747406 the:0.02314847521483898 :0.036600738763809204 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16842590272426605 their:0.10048628598451614 a:0.06083767116069794 in:0.04971455782651901 :0.041955601423978806 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.05122510343790054 .:0.05085812509059906 years:0.037286195904016495 and:0.03539087250828743 :0.18138279020786285 +The:0.0983007401227951 It:0.06747208535671234 I:0.044539228081703186 He:0.03871781751513481 :0.16047008335590363 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +products:0.0689997598528862 and:0.05198271945118904 of:0.04707800969481468 in:0.04011305421590805 :0.14262552559375763 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.07379011809825897 person:0.05426652729511261 man:0.051680006086826324 farmer:0.02427206188440323 :0.14410127699375153 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +that:0.27979809045791626 the:0.09959445148706436 a:0.07864347100257874 in:0.07521892338991165 :0.03413166105747223 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +dollars:0.09156881272792816 years:0.05761279538273811 yards:0.04429175704717636 per:0.03632083162665367 :0.2235109657049179 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.07559292763471603 the:0.04019004479050636 that:0.03209958225488663 which:0.02065204828977585 :0.06772027164697647 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.029435982927680016 a:0.019499722868204117 found:0.01504917535930872 be:0.01173183973878622 :0.15617798268795013 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.06392919272184372 school:0.04319976642727852 times,:0.04172342270612717 conditions.:0.039025500416755676 :0.1973569244146347 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17282094061374664 the:0.11562865972518921 it:0.0304876659065485 a:0.02753276564180851 :0.15249931812286377 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10687236487865448 by:0.09701365232467651 through:0.042013660073280334 a:0.03710853308439255 :0.06959804147481918 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +of:0.16795630753040314 number:0.0361391082406044 or:0.035382479429244995 numbered:0.028428317978978157 :0.14995509386062622 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.10082592070102692 of:0.06979533284902573 and:0.06391819566488266 are:0.046856027096509933 :0.043235894292593 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.12137872725725174 avenue:0.028532449156045914 in:0.01836949773132801 at:0.01747542805969715 :0.2629757523536682 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +tory:0.6229217648506165 ble:0.1276221126317978 tory,:0.04096454754471779 ble,:0.003953275270760059 :0.1505495309829712 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.08940709382295609 and:0.04875301942229271 miles:0.04307336360216141 feet:0.03422614187002182 :0.33444198966026306 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +Horn:0.0048158797435462475 R.:0.0026286286301910877 J:0.002487524412572384 der:0.0024579588789492846 :0.9035012722015381 +gested:0.4284480810165405 the:0.001631736638955772 of:0.0013989252038300037 t:0.0010632164776325226 :0.5071969032287598 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.366112619638443 of:0.16942903399467468 the:0.0633319616317749 a:0.034945353865623474 :0.06674111634492874 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.07645164430141449 as:0.010432996787130833 scale:0.00895605981349945 business:0.007720255292952061 :0.37178078293800354 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +D.:0.09133537113666534 D:0.07076951116323471 M:0.04196279123425484 D.,:0.026836561039090157 :0.3871876001358032 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +to:0.041565705090761185 and:0.027130143716931343 in:0.024048883467912674 or:0.021060707047581673 :0.40550386905670166 +to:0.18627703189849854 and:0.17922239005565643 laws:0.025436682626605034 or:0.014158363454043865 :0.21752886474132538 +ter:0.28076645731925964 fairs:0.019223222509026527 fair.:0.011247420683503151 fect:0.00814915169030428 :0.5921556353569031 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +of:0.18643486499786377 and:0.12442629784345627 in:0.08242733031511307 for:0.04791410267353058 :0.03746728599071503 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +and:0.12819625437259674 were:0.04128444194793701 in:0.0407540537416935 are:0.03966047614812851 :0.15796171128749847 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.023781968280673027 &:0.017112046480178833 Brown,:0.014337508007884026 H.:0.014133086428046227 :0.6194716095924377 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +The:0.08363969624042511 Sec.:0.04518574848771095 It:0.0261603482067585 In:0.025605732575058937 :0.12767469882965088 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +years:0.1448761373758316 days:0.10367900878190994 minutes:0.09993693977594376 hundred:0.048235729336738586 :0.1628679633140564 +The:0.14925283193588257 He:0.058548662811517715 As:0.02786211483180523 But:0.02563025988638401 :0.20869651436805725 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.08485919237136841 plants,:0.050571639090776443 plants:0.04028649628162384 interests:0.01789531111717224 :0.13329170644283295 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +The:0.1691870242357254 Mr.:0.05330801010131836 Rev.:0.045133426785469055 It:0.0441570058465004 :0.09626353532075882 +to:0.1248585432767868 in:0.059574831277132034 and:0.05217767506837845 is:0.041664011776447296 :0.06320218741893768 +The:0.0983007401227951 It:0.06747208535671234 I:0.044539228081703186 He:0.03871781751513481 :0.16047008335590363 +blanket:0.1043362095952034 and:0.061731476336717606 goods:0.03691762685775757 or:0.02225639671087265 :0.3751165568828583 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.23679925501346588 the:0.09198281168937683 but:0.05796828866004944 or:0.05495497211813927 :0.08879244327545166 +that:0.1517334282398224 of:0.08627990633249283 the:0.05956723913550377 it:0.049439072608947754 :0.04282793775200844 +and:0.16092437505722046 the:0.059478290379047394 to:0.04252096265554428 as:0.028472330421209335 :0.10587479919195175 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +upon:0.10406841337680817 the:0.09887625277042389 to:0.07992899417877197 for:0.05725368484854698 :0.14102797210216522 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +Henry:0.02823770046234131 John:0.025913717225193977 J:0.023843178525567055 C:0.01430833525955677 :0.39288511872291565 +and:0.2838607430458069 but:0.045544084161520004 as:0.0273679718375206 the:0.027353333309292793 :0.0619850754737854 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +of:0.4150830805301666 to:0.051291439682245255 and:0.04171794280409813 who:0.04064857214689255 :0.06695748120546341 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +He:0.1192312017083168 The:0.07832956314086914 It:0.040300484746694565 I:0.03143010661005974 :0.151652991771698 +who:0.07345680892467499 and:0.06623071432113647 the:0.04911298677325249 Mr.:0.04414902627468109 :0.17641927301883698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.2042597532272339 for:0.15373390913009644 in:0.089670829474926 that:0.05921778082847595 :0.05894940719008446 +dogs:0.0773017406463623 and:0.05153327062726021 with:0.025791514664888382 provinces:0.01946677453815937 :0.10705659538507462 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.09919820725917816 in:0.03199281916022301 hope,:0.023044923320412636 idea:0.022206781432032585 :0.35558560490608215 +been:0.07442178577184677 since:0.02122374437749386 saw:0.019460860639810562 be:0.018847351893782616 :0.19023028016090393 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +of:0.3885064423084259 and:0.0428411103785038 Court.:0.0311458520591259 Court:0.030904723331332207 :0.14676034450531006 +of:0.1764044165611267 in:0.09661509841680527 to:0.06141768395900726 and:0.053252119570970535 :0.11586075276136398 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.13679145276546478 but:0.05561978369951248 the:0.03592044115066528 to:0.02386549860239029 :0.050805337727069855 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5301557779312134 to:0.058167360723018646 and:0.030173566192388535 on:0.02951248176395893 :0.025131402537226677 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.19544930756092072 the:0.05327155068516731 but:0.04122576117515564 or:0.04077545925974846 :0.1972409039735794 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.41171687841415405 to:0.1809961199760437 into:0.06855165213346481 and:0.04220540449023247 :0.0304707121104002 +H.:0.029865626245737076 W:0.029710689559578896 J:0.025958722457289696 A.:0.024237588047981262 :0.3431944251060486 +are:0.08645851910114288 men:0.04794120416045189 were:0.03232811391353607 facts:0.02820439636707306 :0.17057795822620392 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.24773770570755005 or:0.10658994317054749 and:0.07174947112798691 are:0.03395795449614525 :0.05869165435433388 +and:0.1466970443725586 to:0.06771323084831238 who:0.051020827144384384 but:0.032097961753606796 :0.09476108849048615 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +and:0.008989366702735424 in:0.006828120443969965 the:0.003566010622307658 of:0.0031263770069926977 :0.6350969076156616 +of:0.2463279813528061 on:0.07526092976331711 in:0.054118379950523376 to:0.048249952495098114 :0.06781785935163498 +curred:0.02783520519733429 cur:0.007088140584528446 -:0.0023125719744712114 and:0.0014976829988881946 :0.9223597049713135 +of:0.4893469214439392 to:0.05837736651301384 due:0.019834989681839943 claimed:0.015283402055501938 :0.03784896060824394 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1739199161529541 a:0.09605388343334198 instance,:0.042920976877212524 some:0.038040824234485626 :0.16913321614265442 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.30114203691482544 the:0.12054523825645447 and:0.05386308580636978 for:0.026560677215456963 :0.03896266222000122 +the:0.1404900699853897 it:0.055903371423482895 there:0.046678800135850906 we:0.03412984311580658 :0.05419756472110748 +of:0.33541786670684814 from:0.05881814286112785 are:0.047924526035785675 in:0.04267506301403046 :0.042729489505290985 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05619862303137779 fruit:0.024494683369994164 enemy:0.022893816232681274 cold,:0.021041590720415115 :0.28568118810653687 +of:0.14740119874477386 upon:0.11129222810268402 on:0.06638293713331223 or:0.041582103818655014 :0.10494890809059143 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09389935433864594 of:0.08647675067186356 or:0.04174068942666054 is:0.030356789007782936 :0.2078033685684204 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.024223091080784798 .:0.011393777094781399 a:0.009942426346242428 and:0.009041366167366505 :0.48754915595054626 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +run:0.01162492111325264 and:0.008854275569319725 business:0.006247990764677525 branches:0.006172844674438238 :0.3865572512149811 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +of:0.5165407657623291 and:0.05205746740102768 to:0.030140778049826622 ot:0.01256166398525238 :0.05942844599485397 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.5320301651954651 as:0.029546987265348434 a:0.02576741948723793 that:0.022146031260490417 :0.10712455958127975 +and:0.06724849343299866 hearted:0.0424300879240036 example:0.019734345376491547 men:0.015504376962780952 :0.2034757137298584 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16549210250377655 a:0.08499202877283096 money:0.04218786954879761 his:0.02490028366446495 :0.07703851908445358 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.2934068739414215 but:0.036494411528110504 the:0.028060175478458405 to:0.015287220478057861 :0.09623987972736359 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.031312428414821625 of:0.02896132506430149 the:0.015805954113602638 to:0.011344008147716522 :0.3591407537460327 +of:0.2584719657897949 is:0.06489912420511246 for:0.06230297312140465 to:0.05753089115023613 :0.06068556383252144 +of:0.3065758943557739 to:0.27512937784194946 and:0.0543217696249485 in:0.04544496908783913 :0.05025561898946762 +by:0.2449275553226471 to:0.1498766541481018 a:0.06074894592165947 in:0.048274971544742584 :0.05070263519883156 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1457427591085434 on:0.039450082927942276 at:0.031197242438793182 in:0.030660193413496017 :0.12590709328651428 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +of:0.1408572643995285 and:0.09785822778940201 in:0.08460536599159241 are:0.05036899447441101 :0.061979297548532486 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10687236487865448 by:0.09701365232467651 through:0.042013660073280334 a:0.03710853308439255 :0.06959804147481918 +and:0.13583335280418396 the:0.03947637602686882 to:0.038485895842313766 but:0.036702632904052734 :0.10782730579376221 +to:0.24698565900325775 by:0.08737216144800186 that:0.02438562922179699 a:0.019718801602721214 :0.17694467306137085 +of:0.31579315662384033 and:0.047006309032440186 in:0.044337425380945206 In:0.0306905135512352 :0.1418287456035614 +pany:0.060889195650815964 plaint:0.04684589430689812 merce:0.040778998285532 plete:0.040123697370290756 :0.3390563428401947 +of:0.4096487760543823 with:0.10958489775657654 more:0.09004068374633789 in:0.029714928939938545 :0.04068519547581673 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23973938822746277 entitled,:0.0637207180261612 entitled:0.05312488600611687 to:0.0386035181581974 :0.05208645761013031 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +said:0.015543493442237377 most:0.009915192611515522 best:0.0073135532438755035 last:0.006569783668965101 :0.3111822307109833 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.046853937208652496 experience:0.032588619738817215 knowledge:0.018947744742035866 business:0.017663218080997467 :0.28760799765586853 +the:0.1708279699087143 he:0.027529902756214142 they:0.026014087721705437 it:0.0214961189776659 :0.2225865125656128 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11240443587303162 who:0.04260115697979927 to:0.033139850944280624 of:0.031999047845602036 :0.13862130045890808 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.22687245905399323 and:0.12738436460494995 to:0.04192154109477997 were:0.040940236300230026 :0.1062883660197258 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.12123377621173859 and:0.06269407272338867 was:0.05590105429291725 in:0.03572355583310127 :0.1410120278596878 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.014258090406656265 was:0.014092568308115005 to:0.014005213044583797 .:0.010697846300899982 :0.3708675801753998 +States:0.13365252315998077 States,:0.05447414144873619 Pacific:0.03419551998376846 people:0.024632528424263 :0.24005624651908875 +the:0.2567521333694458 what:0.10593106597661972 why:0.06012634187936783 a:0.040069036185741425 :0.2067832052707672 +of:0.14210979640483856 and:0.06007983535528183 in:0.04435010626912117 for:0.04111756011843681 :0.07183501124382019 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +for:0.4544096887111664 of:0.05364427715539932 in:0.03475380316376686 and:0.021501200273633003 :0.020233741030097008 +drugs:0.0702044889330864 matter:0.04064081981778145 and:0.03765050694346428 breath:0.03351913020014763 :0.4092963933944702 +and:0.0961921438574791 oath:0.04140887036919594 duty:0.02391820214688778 obligations:0.010585949756205082 :0.3938865065574646 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +who:0.11973755061626434 from:0.10018368065357208 of:0.08696123212575912 was:0.03544125333428383 :0.06759738177061081 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.14902260899543762 privileges:0.14265115559101105 but:0.03851615637540817 or:0.028281165286898613 :0.08580558747053146 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.09795942157506943 that:0.06981083750724792 of:0.05209944397211075 in:0.05002368986606598 :0.08183926343917847 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.3634747862815857 and:0.06938890367746353 to:0.037534598261117935 in:0.03639925271272659 :0.08602792024612427 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +of:0.18537814915180206 to:0.08191987872123718 in:0.0630871132016182 is:0.03964659571647644 :0.03870263323187828 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +the:0.10911130160093307 that:0.10495218634605408 a:0.08930405229330063 out:0.06238653138279915 :0.08064001798629761 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +liberty:0.1366225928068161 amendment:0.03170919418334961 right:0.02477557398378849 and:0.024170301854610443 :0.199197456240654 +to:0.17779232561588287 out:0.0714903473854065 into:0.06418807059526443 on:0.03814850002527237 :0.12381897866725922 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.2809411883354187 of:0.13678576052188873 in:0.11645038425922394 were:0.027734722942113876 :0.058732494711875916 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +small:0.09962943941354752 short:0.08163370937108994 recent:0.06312355399131775 few:0.0510864332318306 :0.25577038526535034 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.2822044789791107 a:0.2131989747285843 ten:0.0461861789226532 two:0.04291436821222305 :0.05448368564248085 +of:0.1660834699869156 the:0.14003421366214752 was:0.03644276782870293 is:0.024963119998574257 :0.06315118074417114 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +of:0.26047274470329285 hundred:0.04292841628193855 and:0.032080382108688354 to:0.02657586894929409 :0.2745945155620575 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +from:0.24989090859889984 with:0.0846153199672699 the:0.0780000314116478 and:0.0472780205309391 :0.04162170737981796 +dollars:0.09156881272792816 years:0.05761279538273811 yards:0.04429175704717636 per:0.03632083162665367 :0.2235109657049179 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.24246396124362946 and:0.06312408298254013 is:0.03876257687807083 in:0.03161914646625519 :0.03113582544028759 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ernment:0.45547643303871155 ernment,:0.031018847599625587 ernor:0.019474513828754425 eminent:0.01522768847644329 :0.4180603623390198 +Y.:0.13309691846370697 C:0.059923265129327774 Y:0.04703951254487038 J:0.0440911129117012 :0.2137855887413025 +of:0.10292766988277435 in:0.07790473848581314 and:0.050013020634651184 to:0.04074917361140251 :0.11720316112041473 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +of:0.39813587069511414 in:0.08004989475011826 to:0.06517352163791656 and:0.04890650883316994 :0.03782409429550171 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +with:0.1775110363960266 the:0.16890643537044525 a:0.03748653829097748 by:0.03296137601137161 :0.10649504512548447 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.2847236394882202 the:0.0903557687997818 but:0.06087242066860199 for:0.028386404737830162 :0.05980991572141647 +to:0.3431418538093567 and:0.0488702766597271 by:0.03960074111819267 the:0.03733466565608978 :0.047502268105745316 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +at:0.3681057393550873 here:0.07716651260852814 in:0.07165556401014328 from:0.06276747584342957 :0.04662640765309334 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +apparatus:0.3775308132171631 power:0.016698984429240227 experts:0.010134567506611347 action:0.006289261858910322 :0.12795372307300568 +to:0.1984899640083313 that:0.07675211131572723 for:0.05568060278892517 and:0.029946060851216316 :0.11802364885807037 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1017986536026001 it:0.054268255829811096 there:0.04979134723544121 we:0.024757005274295807 :0.08753951638936996 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +John:0.025909343734383583 J:0.018839804455637932 Dodge:0.016240602359175682 James:0.016236329451203346 :0.5445407032966614 +two:0.06575946509838104 year:0.045408573001623154 few:0.04530929774045944 and:0.03685861825942993 :0.1297522932291031 +as:0.17118990421295166 shall:0.10028458386659622 to:0.06536661088466644 and:0.045510560274124146 :0.06325668841600418 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +20.:0.0945562794804573 and:0.038498230278491974 24,:0.021556753665208817 at:0.020484745502471924 :0.2596052289009094 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.4580516815185547 in:0.09947138279676437 for:0.05780414491891861 and:0.021425822749733925 :0.059531815350055695 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.22182072699069977 the:0.07811123877763748 up:0.03423241153359413 in:0.025399548932909966 :0.07612401992082596 +amount:0.12066422402858734 quantities:0.0187689121812582 number:0.01075214147567749 and:0.009421680122613907 :0.298684686422348 +the:0.301334947347641 a:0.04331927374005318 tho:0.028260577470064163 all:0.014282489195466042 :0.22867757081985474 +pared:0.18265977501869202 sent:0.097044937312603 sented:0.03352852538228035 serve:0.02346774749457836 :0.45807066559791565 +by:0.0794118121266365 the:0.04238302260637283 No.:0.041644442826509476 and:0.02451224811375141 :0.28337183594703674 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +by:0.17835499346256256 the:0.09777951240539551 at:0.08008121699094772 in:0.054767634719610214 :0.054135460406541824 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +.:0.27870669960975647 W:0.02773839235305786 J:0.016614221036434174 H:0.014257206581532955 :0.31039807200431824 +of:0.25403133034706116 out:0.05945025011897087 for:0.059344127774238586 and:0.029201049357652664 :0.09441851824522018 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.1804366111755371 but:0.04708901047706604 it:0.03923584520816803 the:0.03719654679298401 :0.09056108444929123 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05676969140768051 or:0.024882551282644272 of:0.0169990137219429 to:0.016470730304718018 :0.2615412175655365 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +shadow:0.009182042442262173 fact:0.008753309957683086 than:0.006946573033928871 or:0.005782859865576029 :0.5552932620048523 +The:0.13869620859622955 It:0.06077934056520462 I:0.043497391045093536 He:0.03310106322169304 :0.22181226313114166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.16287459433078766 It:0.05158514156937599 There:0.05071428045630455 I:0.04305572062730789 :0.19475844502449036 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.2222336232662201 the:0.1865459382534027 and:0.021381855010986328 such:0.019797515124082565 :0.09209184348583221 +of:0.11456894874572754 and:0.11135861277580261 in:0.041551779955625534 to:0.039325352758169174 :0.1908961534500122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14121700823307037 which:0.04217078909277916 the:0.02964063547551632 but:0.028405703604221344 :0.05378447100520134 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.3756381571292877 by:0.16126517951488495 capital:0.09577379375696182 and:0.05849126726388931 :0.04978075250983238 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +and:0.11613354831933975 stream:0.03389473631978035 enough:0.020493704825639725 principles:0.013735204935073853 :0.19327904284000397 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +to:0.07617519050836563 in:0.07353779673576355 and:0.06670460850000381 of:0.06197294592857361 :0.06886562705039978 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +where:0.14044629037380219 in:0.06593029946088791 and:0.04761737585067749 of:0.04453658312559128 :0.07489122450351715 +try:0.48419567942619324 try,:0.20693424344062805 ty:0.05443711578845978 ties:0.03188975900411606 :0.066558338701725 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.35357025265693665 to:0.14008061587810516 and:0.09443960338830948 that:0.06921248883008957 :0.026700275018811226 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.22112298011779785 and:0.09242049604654312 was:0.05056178569793701 the:0.04868604242801666 :0.09415824711322784 +and:0.2736406624317169 at:0.09766972064971924 the:0.048428624868392944 in:0.032675452530384064 :0.10334548354148865 +described:0.0961163267493248 in:0.04506393522024155 to:0.038616351783275604 the:0.03790232539176941 :0.1484367549419403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2934068739414215 but:0.036494411528110504 the:0.028060175478458405 to:0.015287220478057861 :0.09623987972736359 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2470623254776001 and:0.10311635583639145 in:0.028721198439598083 over:0.026779398322105408 :0.12097762525081635 +given:0.24001550674438477 notified:0.12104690074920654 given,:0.0386682003736496 ordered:0.03655421361327171 :0.13958518207073212 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +and:0.07080850750207901 is:0.03110934980213642 of:0.02775762230157852 or:0.02380570024251938 :0.19719289243221283 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +them:0.06462922692298889 a:0.06370687484741211 the:0.06203547492623329 to:0.05158926546573639 :0.0786411240696907 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +upon:0.10406841337680817 the:0.09887625277042389 to:0.07992899417877197 for:0.05725368484854698 :0.14102797210216522 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.15790140628814697 house:0.057492416352033615 to:0.04763888940215111 and:0.03564709424972534 :0.07763960212469101 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.13786809146404266 courage:0.03172771632671356 character,:0.02282702550292015 right:0.013092714361846447 :0.34364962577819824 +the:0.1262235790491104 be:0.03281152993440628 this:0.032629046589136124 make:0.02925747074186802 :0.2319391667842865 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +of:0.4547080099582672 and:0.05964505299925804 to:0.052737969905138016 in:0.04454483836889267 :0.08618125319480896 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +in:0.4882819652557373 In:0.1447213888168335 from:0.13820135593414307 as:0.025456516072154045 :0.040504418313503265 +of:0.4313358664512634 for:0.10782758891582489 to:0.07260753959417343 and:0.05732128024101257 :0.0333525612950325 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +you:0.16474248468875885 the:0.09467215090990067 me:0.04743329808115959 us:0.03822889178991318 :0.07580238580703735 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +country:0.012647154740989208 amount:0.0090327188372612 population:0.008239610120654106 body:0.008023981004953384 :0.24528633058071136 +and:0.06512810289859772 John:0.011350620537996292 Payne:0.008141090162098408 Gilbert:0.006692684255540371 :0.6193728446960449 +Juan:0.03740660101175308 Jose:0.03232227638363838 and:0.024085329845547676 Antonio:0.0143826799467206 :0.6156155467033386 +of:0.6511895656585693 ot:0.0176756102591753 in:0.013242567889392376 and:0.011885235086083412 :0.04118938744068146 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2560364007949829 but:0.10241436213254929 as:0.0282753799110651 in:0.01690123789012432 :0.05854575335979462 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10224974155426025 in:0.08486486971378326 at:0.05903513729572296 to:0.058179304003715515 :0.16579361259937286 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.03536221385002136 decided:0.021549923345446587 to:0.019396493211388588 came:0.018536951392889023 :0.20570091903209686 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +and:0.13903124630451202 A.:0.038272593170404434 H.:0.023416606709361076 B.:0.02103833667933941 :0.37535467743873596 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +and:0.07762829214334488 who:0.06646504998207092 are:0.04829181358218193 in:0.04675536975264549 :0.04675815999507904 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2399451732635498 of:0.13347715139389038 in:0.08701907098293304 were:0.03711777925491333 :0.09498349577188492 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.12775278091430664 the:0.07453387975692749 as:0.030180035158991814 which:0.028392402455210686 :0.12103155255317688 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +to:0.08940709382295609 and:0.04875301942229271 miles:0.04307336360216141 feet:0.03422614187002182 :0.33444198966026306 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.46320289373397827 and:0.07334863394498825 in:0.06320943683385849 are:0.022540178149938583 :0.03287002071738243 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.1457812786102295 part:0.10603775829076767 portion:0.0368647426366806 value:0.01722504198551178 :0.140017569065094 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +laborers:0.029436020180583 and:0.025130249559879303 in:0.016087906435132027 are:0.0160672627389431 :0.2753530740737915 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +or:0.08170058578252792 hundred:0.06365083903074265 years:0.04457060247659683 (8):0.03322882577776909 :0.2112729847431183 +The:0.040643345564603806 inclusive,:0.030466508120298386 A:0.023656947538256645 In:0.01745487004518509 :0.43999946117401123 +to:0.06180489808320999 in:0.045566774904727936 for:0.03146817907691002 and:0.03040584735572338 :0.11984358727931976 +and:0.22145594656467438 the:0.04600173234939575 to:0.04124685376882553 as:0.03941259905695915 :0.08351553231477737 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.29034316539764404 the:0.12289554625749588 him:0.0385376401245594 in:0.019937293604016304 :0.03116435371339321 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.08145538717508316 him:0.07282297313213348 me:0.046982329338788986 me,:0.03009127639234066 :0.10727641731500626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.1187194362282753 in:0.07195103168487549 the:0.03958916664123535 on:0.026557790115475655 :0.13291692733764648 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1187194362282753 in:0.07195103168487549 the:0.03958916664123535 on:0.026557790115475655 :0.13291692733764648 +the:0.07053504139184952 off:0.05935359373688698 down:0.05150659754872322 in:0.045365914702415466 :0.09572723507881165 +of:0.6911306977272034 ot:0.02554137073457241 to:0.012752989307045937 and:0.012449563480913639 :0.0546129085123539 +to:0.03834337368607521 by:0.030329398810863495 the:0.02717754617333412 in:0.023978929966688156 :0.1988997459411621 +of:0.23973938822746277 entitled,:0.0637207180261612 entitled:0.05312488600611687 to:0.0386035181581974 :0.05208645761013031 +and:0.0694551020860672 at:0.06625343859195709 of:0.06393328309059143 the:0.05043325573205948 :0.09634993970394135 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.12171667814254761 It:0.06574743986129761 I:0.0466650165617466 He:0.02684587612748146 :0.16403333842754364 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +and:0.2156682312488556 but:0.06629597395658493 the:0.04753940552473068 as:0.020359059795737267 :0.06272640824317932 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.1423616260290146 but:0.034720711410045624 the:0.034045662730932236 which:0.022120650857686996 :0.06101787090301514 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +train:0.08226534724235535 traffic:0.06075427681207657 cars,:0.059857647866010666 and:0.047416143119335175 :0.15731146931648254 +the:0.024223091080784798 .:0.011393777094781399 a:0.009942426346242428 and:0.009041366167366505 :0.48754915595054626 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +in:0.022261066362261772 and:0.015591179952025414 of:0.014187647961080074 most:0.009658181108534336 :0.31451600790023804 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.5531709790229797 in:0.07319723069667816 and:0.039347775280475616 was:0.021918192505836487 :0.036993373185396194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +that:0.1904560625553131 the:0.0822119191288948 a:0.05589982867240906 in:0.030062764883041382 :0.09345176070928574 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.09902938455343246 the:0.07335604727268219 to:0.04122792184352875 into:0.04068697243928909 :0.07422413676977158 +tance:0.11943025141954422 tant:0.10985413938760757 charge:0.05891687422990799 trict:0.04066450893878937 :0.3773779273033142 +Company.:0.3221522569656372 Company:0.05231239274144173 and:0.04670540988445282 Company,:0.03669823706150055 :0.12917226552963257 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.09754837304353714 and:0.050620947033166885 to:0.049642182886600494 is:0.041572798043489456 :0.10654669255018234 +of:0.1957808881998062 contained:0.15227334201335907 and:0.05548331141471863 will:0.044471774250268936 :0.035224635154008865 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.3096974790096283 W:0.02653813734650612 A:0.01755259558558464 M:0.01583448424935341 :0.19283215701580048 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +in:0.18189485371112823 of:0.11951856315135956 and:0.07096593081951141 at:0.054647669196128845 :0.062180276960134506 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.31441497802734375 but:0.07459934800863266 the:0.05425533279776573 as:0.02383171208202839 :0.058503855019807816 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.11691480129957199 in:0.08372949808835983 with:0.059410449117422104 and:0.052954256534576416 :0.1141827255487442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.019198693335056305 and:0.015271168202161789 of:0.011781847104430199 .:0.009683066979050636 :0.3318912386894226 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +Carolina:0.24945464730262756 Dakota.:0.04611166939139366 Carolina,:0.045227084308862686 Carolina.:0.02467072755098343 :0.16036924719810486 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.30934199690818787 and:0.10020400583744049 was:0.03754881024360657 to:0.03245150297880173 :0.06483493000268936 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Canada:0.14543209969997406 Union:0.09554589539766312 at:0.05476166307926178 and:0.04925047233700752 :0.21520666778087616 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +J:0.019495274871587753 John:0.014689311385154724 James:0.01255825161933899 J.:0.011718624271452427 :0.6103368997573853 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.19674605131149292 to:0.14936280250549316 or:0.08718950301408768 prescribed:0.061194371432065964 :0.03840481862425804 +the:0.24380481243133545 all:0.16504698991775513 all,:0.1581229865550995 this:0.040133167058229446 :0.12335645407438278 +country:0.018120158463716507 State:0.009129955433309078 ir:0.0068819355219602585 city:0.006429986096918583 :0.25993457436561584 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.12284047156572342 of:0.03971127048134804 that:0.02266480028629303 other:0.014250789768993855 :0.16207119822502136 +and:0.26447051763534546 dollars:0.05790615826845169 yards:0.05209307745099068 feet:0.020143795758485794 :0.1843247413635254 +the:0.22127021849155426 a:0.06886964291334152 tho:0.020942160859704018 its:0.0164844561368227 :0.035126715898513794 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +own:0.01992211304605007 parents:0.010475079528987408 family:0.007161346264183521 farm.:0.006500260904431343 :0.38811227679252625 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +George,:0.05302605405449867 Joseph,:0.02562832646071911 John,:0.020141176879405975 .:0.019436024129390717 :0.5999952554702759 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +of:0.06803090870380402 the:0.05182437598705292 for:0.02054675482213497 to:0.0200026985257864 :0.11002801358699799 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.09380178153514862 a:0.06558122485876083 up:0.04705480858683586 out:0.04277540370821953 :0.09454343467950821 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +as:0.07143526524305344 moreover,:0.04713426157832146 if:0.03531118854880333 in:0.028492048382759094 :0.15692313015460968 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17681282758712769 to:0.17338848114013672 of:0.13532786071300507 is:0.0325508750975132 :0.0591747984290123 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.23973938822746277 entitled,:0.0637207180261612 entitled:0.05312488600611687 to:0.0386035181581974 :0.05208645761013031 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2511352300643921 where:0.051102299243211746 the:0.03551878780126572 in:0.02865412086248398 :0.05442216619849205 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +the:0.07132180035114288 a:0.06985807418823242 to:0.06737103313207626 well:0.03446680307388306 :0.10001073777675629 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.07625547796487808 of:0.06560830771923065 who:0.0435461699962616 the:0.0223624799400568 :0.2131693959236145 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.4332408308982849 the:0.12752948701381683 a:0.029689406976103783 what:0.023634707555174828 :0.04841950908303261 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05769551172852516 that:0.040674857795238495 deed:0.0221566092222929 to:0.019638730213046074 :0.18850070238113403 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.09577763825654984 to:0.07065010070800781 in:0.04303362965583801 on:0.03335877135396004 :0.07131090015172958 +the:0.29305732250213623 to:0.03828961029648781 and:0.03732890263199806 a:0.028406821191310883 :0.11813075840473175 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +W:0.10050599277019501 W.:0.05933259055018425 H.:0.029035605490207672 E:0.027622099965810776 :0.3686225116252899 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.17692704498767853 fund:0.14723166823387146 the:0.03703128546476364 and:0.025329891592264175 :0.10104532539844513 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.1260138601064682 the:0.048104625195264816 where:0.035916827619075775 with:0.034127376973629 :0.15403994917869568 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.29305732250213623 to:0.03828961029648781 and:0.03732890263199806 a:0.028406821191310883 :0.11813075840473175 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.11618790030479431 a:0.07811567932367325 in:0.027197958901524544 it:0.025167327374219894 :0.1383369117975235 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +No.:0.43750056624412537 Office:0.06128567457199097 and:0.03384345397353172 of:0.023581191897392273 :0.13236702978610992 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.10366390645503998 to:0.056251656264066696 of:0.05318459868431091 for:0.037427179515361786 :0.08027124404907227 +plat:0.03573504462838173 and:0.026573142036795616 of:0.02558719739317894 figures:0.01899840496480465 :0.24131865799427032 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.21285660564899445 the:0.03732474893331528 rolled:0.029507674276828766 and:0.02790319360792637 :0.08316566795110703 +that:0.2129923403263092 of:0.09759891778230667 in:0.07169400900602341 to:0.0708620622754097 :0.06498188525438309 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.3200140595436096 from:0.12838290631771088 and:0.029768075793981552 to:0.024461131542921066 :0.05799908563494682 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +and:0.09406395256519318 the:0.05139019712805748 as:0.05124811828136444 is:0.04244896396994591 :0.09436935931444168 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +J.:0.06681561470031738 J:0.04758748412132263 Mr.:0.03695119917392731 C.:0.036250051110982895 :0.09293686598539352 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +me:0.12613973021507263 him:0.09845549613237381 that:0.09595810621976852 the:0.08385201543569565 :0.07506453990936279 +of:0.48724961280822754 in:0.0277350302785635 to:0.020417341962456703 for:0.017426446080207825 :0.05334505811333656 +and:0.09261666238307953 was:0.09109707176685333 to:0.0357193686068058 is:0.024155154824256897 :0.11955126374959946 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +self:0.30404022336006165 self,:0.05738027021288872 self.:0.03803113475441933 ring,:0.017628083005547523 :0.2991184890270233 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.23543746769428253 in:0.0956573411822319 the:0.09094209223985672 to:0.050027284771203995 :0.04592182859778404 +the:0.27677541971206665 a:0.019319532439112663 their:0.017531437799334526 to:0.017392022535204887 :0.16535000503063202 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.7530840039253235 in:0.016701828688383102 by:0.013859104365110397 a:0.008836016990244389 :0.05576378479599953 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +was:0.07322780787944794 and:0.060785382986068726 in:0.04898637905716896 who:0.04870802164077759 :0.04197126254439354 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3535746932029724 and:0.03426525369286537 was:0.03262484073638916 that:0.01669035665690899 :0.10129548609256744 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.1272398829460144 He:0.06107991561293602 A:0.042735323309898376 I:0.03807579725980759 :0.15997110307216644 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +only:0.3332996368408203 a:0.13532593846321106 one:0.038889605551958084 so:0.030186615884304047 :0.04775760695338249 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.08170058578252792 hundred:0.06365083903074265 years:0.04457060247659683 (8):0.03322882577776909 :0.2112729847431183 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.3548383414745331 a:0.028961971402168274 not:0.027663404121994972 become:0.021074682474136353 :0.11702799052000046 +The:0.17719204723834991 It:0.04564187303185463 There:0.04245515540242195 A:0.02812344580888748 :0.16790162026882172 +from:0.24989090859889984 with:0.0846153199672699 the:0.0780000314116478 and:0.0472780205309391 :0.04162170737981796 +that:0.2698039710521698 the:0.08663960546255112 to:0.0735636055469513 in:0.05257759615778923 :0.04096028581261635 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.08486315608024597 business:0.04911176860332489 a:0.04519657790660858 so:0.041536297649145126 :0.06766367703676224 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4313358664512634 for:0.10782758891582489 to:0.07260753959417343 and:0.05732128024101257 :0.0333525612950325 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.11656848341226578 of:0.05172719806432724 County,:0.039103854447603226 county:0.027199191972613335 :0.3417995870113373 +the:0.11155988276004791 a:0.10510122776031494 in:0.0822765976190567 by:0.047789208590984344 :0.08660728484392166 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.13583335280418396 the:0.03947637602686882 to:0.038485895842313766 but:0.036702632904052734 :0.10782730579376221 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.269808828830719 but:0.04466806724667549 the:0.04061022028326988 in:0.020854957401752472 :0.06538534164428711 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.1221117302775383 be:0.07598964124917984 a:0.05226639658212662 have:0.022279730066657066 :0.20233798027038574 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +days:0.0883869081735611 years:0.056672316044569016 weeks:0.03694196790456772 of:0.03585732355713844 :0.18065567314624786 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.674373984336853 and:0.024489736184477806 ot:0.0144798019900918 ol:0.00987818744033575 :0.13890676200389862 +at:0.24190057814121246 to:0.1396816521883011 and:0.05668312683701515 the:0.03320971503853798 :0.07243489474058151 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.0664600282907486 and:0.060896310955286026 who:0.0546700693666935 in:0.05042322725057602 :0.05496837571263313 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.1687968522310257 and:0.06724078953266144 Taft:0.05680523440241814 Cleveland:0.03148488700389862 :0.17634274065494537 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.20820215344429016 the:0.053636979311704636 but:0.05224703624844551 when:0.040612492710351944 :0.06244012713432312 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +of:0.3756708800792694 and:0.05941389501094818 the:0.049773167818784714 for:0.03604599088430405 :0.03221073001623154 +to:0.11980165541172028 and:0.09230322390794754 demand:0.01837044395506382 in:0.016346678137779236 :0.23429441452026367 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.03391348570585251 had:0.025757232680916786 was:0.015027407556772232 for:0.01316880714148283 :0.3937443792819977 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +of:0.41702577471733093 was:0.06627018749713898 in:0.06434671580791473 is:0.0452386736869812 :0.033584002405405045 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15435108542442322 which:0.04132024198770523 but:0.030291514471173286 the:0.024838363751769066 :0.10618171840906143 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +al.:0.10551773756742477 the:0.03490069508552551 al:0.02552049048244953 a:0.015378647483885288 :0.4954547584056854 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.18641990423202515 if:0.1297997236251831 the:0.03454010188579559 but:0.025375807657837868 :0.0964357778429985 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +.:0.42191123962402344 he:0.034672223031520844 hat:0.011714957654476166 A:0.010102272033691406 :0.20430605113506317 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3001739978790283 House:0.08226347714662552 for:0.04748455435037613 in:0.04102272167801857 :0.0931616872549057 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +that:0.17875704169273376 the:0.05714203044772148 of:0.054255060851573944 whether:0.0507085956633091 :0.04694949835538864 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +of:0.3073415160179138 and:0.04030843451619148 Board:0.028057917952537537 to:0.022900084033608437 :0.10810422897338867 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.06537636369466782 him:0.02609352208673954 by:0.02464793436229229 and:0.02329963631927967 :0.32381880283355713 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.039065174758434296 of:0.015829794108867645 to:0.012704892084002495 in:0.010274951346218586 :0.3739505112171173 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1836310774087906 at:0.06728146225214005 for:0.062265776097774506 the:0.049230221658945084 :0.06785877794027328 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21419577300548553 striking:0.03908174857497215 the:0.037217382341623306 but:0.02412600815296173 :0.1839022934436798 +and:0.1669366955757141 the:0.046423010528087616 which:0.045486874878406525 but:0.02608291432261467 :0.1438155472278595 +and:0.34306228160858154 of:0.13560865819454193 to:0.09268146753311157 in:0.03206897899508476 :0.04881662502884865 +the:0.15460674464702606 he:0.06226570904254913 there:0.055591534823179245 they:0.04052918776869774 :0.09818343073129654 +house:0.09379340708255768 on:0.08361892402172089 of:0.07976078242063522 and:0.06383385509252548 :0.09208908677101135 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.02752406895160675 party:0.026342500001192093 parties:0.025029290467500687 parties,:0.01527596078813076 :0.3384157717227936 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +room:0.08328979462385178 near,:0.07053187489509583 the:0.055421989411115646 a:0.04643254354596138 :0.04604267701506615 +the:0.23788461089134216 I:0.05458623915910721 we:0.05156111717224121 a:0.044323332607746124 :0.09455734491348267 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1660834699869156 the:0.14003421366214752 was:0.03644276782870293 is:0.024963119998574257 :0.06315118074417114 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.10998790711164474 the:0.10164430737495422 as:0.057018570601940155 that:0.05656176432967186 :0.11850807070732117 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +He:0.07836389541625977 The:0.07821036130189896 It:0.04011441394686699 Mr.:0.03181857243180275 :0.12079749256372452 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2613591253757477 the:0.0644185021519661 for:0.04974426329135895 on:0.0332409031689167 :0.06591241806745529 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15278568863868713 down:0.07577970623970032 and:0.051689933985471725 off:0.05041764676570892 :0.083610899746418 +of:0.47376200556755066 in:0.07955306768417358 and:0.04725981876254082 on:0.026430295780301094 :0.07456927001476288 +of:0.657863974571228 and:0.011061465367674828 one:0.010266600176692009 ot:0.010105748660862446 :0.0484030656516552 +of:0.2797817885875702 to:0.06891583651304245 and:0.03941589593887329 in:0.036626409739255905 :0.04904935881495476 +of:0.3494161069393158 and:0.07162516564130783 in:0.03776849806308746 to:0.03099961020052433 :0.0328788198530674 +court:0.5360219478607178 court,:0.10578741133213043 court.:0.015221021138131618 law:0.013547658920288086 :0.08000322431325912 +The:0.12171667814254761 It:0.06574743986129761 I:0.0466650165617466 He:0.02684587612748146 :0.16403333842754364 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +us:0.16490952670574188 the:0.14133049547672272 him:0.0580168291926384 them:0.05629434809088707 :0.057524699717760086 +and:0.14831848442554474 where:0.02853548526763916 to:0.023854095488786697 in:0.01989547163248062 :0.19384126365184784 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +line:0.09750475734472275 to:0.06445515900850296 and:0.057248711585998535 line,:0.048588111996650696 :0.09495705366134644 +and:0.2802114188671112 the:0.06486502289772034 but:0.044834960252046585 which:0.033017996698617935 :0.05356115475296974 +that:0.3462066352367401 on:0.28608134388923645 upon:0.16824591159820557 in:0.013933032751083374 :0.08070825785398483 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +who:0.16544756293296814 in:0.039405081421136856 interested:0.03116520680487156 and:0.03057965822517872 :0.08606355637311935 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.5314395427703857 for:0.08456636965274811 in:0.022759361192584038 that:0.02161904238164425 :0.0869835615158081 +and:0.04628949984908104 .:0.044188495725393295 per:0.037794675678014755 o'clock:0.035779763013124466 :0.31152164936065674 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +is:0.18515123426914215 can:0.09036114811897278 are:0.06755031645298004 do:0.06439603120088577 :0.07488945126533508 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07408133894205093 is:0.038957491517066956 in:0.03797803446650505 was:0.03735771402716637 :0.17385414242744446 +to:0.11009678989648819 rooms:0.05466588959097862 of:0.03455588221549988 is:0.0325949601829052 :0.06396766752004623 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +appreciate:0.14404387772083282 as:0.03064831905066967 and:0.026321453973650932 set:0.014531408436596394 :0.27103298902511597 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +been:0.19392432272434235 a:0.06330392509698868 the:0.04487724229693413 to:0.013993944972753525 :0.11483967304229736 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.09878116101026535 All:0.04120791330933571 Lot:0.02611689269542694 A:0.023311976343393326 :0.38616377115249634 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.16689828038215637 of:0.1414046287536621 they:0.10606171190738678 it:0.07918792963027954 :0.04231705144047737 +and:0.11033535748720169 of:0.04982722923159599 was:0.04886413365602493 to:0.028422420844435692 :0.188603475689888 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +hich:0.05398387461900711 ill:0.04396161064505577 ith:0.042024582624435425 hole:0.02534019760787487 :0.40585923194885254 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.02714860811829567 and:0.018990078940987587 tend:0.017500223591923714 a:0.017405981197953224 :0.19106769561767578 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +necessary:0.12102842330932617 to:0.07020524144172668 it:0.0685875415802002 advisable:0.05479852110147476 :0.16378892958164215 +A.:0.03479859605431557 W.:0.03403523936867714 B.:0.024246880784630775 W:0.01840859279036522 :0.5404530167579651 +of:0.07243285328149796 and:0.03730746731162071 No.:0.02947203628718853 to:0.025890599936246872 :0.16791635751724243 +Court:0.36925747990608215 Court.:0.15832147002220154 Court,:0.08406233042478561 court:0.07078264653682709 :0.09671703726053238 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18088796734809875 the:0.04753178730607033 but:0.032661404460668564 that:0.028409581631422043 :0.07880111783742905 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.13055448234081268 to:0.06982608884572983 coast:0.05099816620349884 City,:0.04044516757130623 :0.1868267059326172 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Science:0.11231447756290436 Association,:0.0657910704612732 faith:0.032648973166942596 church.:0.02585267461836338 :0.2520911395549774 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +feet:0.04055333137512207 years:0.037530317902565 cents:0.03529142215847969 and:0.03243834525346756 :0.3912822902202606 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +of:0.12123377621173859 and:0.06269407272338867 was:0.05590105429291725 in:0.03572355583310127 :0.1410120278596878 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3013245761394501 over:0.11475350707769394 in:0.060106609016656876 and:0.05035177990794182 :0.04963718727231026 +to:0.05122510343790054 .:0.05085812509059906 years:0.037286195904016495 and:0.03539087250828743 :0.18138279020786285 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.22314636409282684 the:0.11751185357570648 and:0.09302026033401489 was:0.04255274310708046 :0.0436057448387146 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2629812955856323 but:0.05847647041082382 the:0.0341496579349041 to:0.02029774710536003 :0.04774428531527519 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +I:0.15985862910747528 The:0.09544256329536438 It:0.04224975407123566 He:0.036747854202985764 :0.291540265083313 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +in:0.14925901591777802 of:0.12707655131816864 by:0.1249135285615921 that:0.08709482103586197 :0.05415339022874832 +of:0.1660834699869156 the:0.14003421366214752 was:0.03644276782870293 is:0.024963119998574257 :0.06315118074417114 +and:0.0557236447930336 to:0.04115188494324684 watching:0.03388848900794983 watched:0.033450741320848465 :0.20357879996299744 +pected:0.03126594051718712 penses:0.029472099617123604 perience:0.02752239815890789 pense:0.017268264666199684 :0.5906644463539124 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +and:0.07778050750494003 J.:0.02274950034916401 B.:0.022469498217105865 A.:0.022373713552951813 :0.5078232884407043 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.19203737378120422 a:0.03009273111820221 tho:0.029768388718366623 his:0.016553163528442383 :0.17521457374095917 +family:0.08679751306772232 family,:0.02080353908240795 and:0.012455672957003117 blood.:0.008082490414381027 :0.3306123614311218 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.05331512168049812 the:0.051647886633872986 and:0.04689529910683632 vote:0.039751309901475906 :0.18228040635585785 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.16695381700992584 where:0.03159443289041519 to:0.023431668058037758 of:0.02137181907892227 :0.08212936669588089 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +to:0.038569673895835876 he:0.02307058498263359 the:0.02255977690219879 that:0.02219877392053604 :0.11120662838220596 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +influence,:0.04543178156018257 and:0.04366028681397438 welfare:0.03691529482603073 life:0.02652750536799431 :0.27096712589263916 +of:0.737288236618042 ot:0.029259901493787766 ol:0.018002167344093323 thereof:0.015967626124620438 :0.017906051129102707 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.11927134543657303 It:0.04749399051070213 I:0.036111459136009216 In:0.03250967711210251 :0.18097898364067078 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +after:0.12800534069538116 of:0.11116679012775421 from:0.05746030434966087 and:0.03951564058661461 :0.07066773623228073 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +the:0.10479024797677994 a:0.037251971662044525 out:0.027188779786229134 back:0.022710923105478287 :0.10157839953899384 +The:0.09829065203666687 Sec.:0.08804479241371155 That:0.04131695628166199 In:0.03615773096680641 :0.2728728652000427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cured:0.04769350588321686 covered:0.03352562338113785 in:0.02164284884929657 and:0.02111632563173771 :0.39183953404426575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5926404595375061 not:0.022749166935682297 to:0.020197303965687752 for:0.015150528401136398 :0.061020251363515854 +to:0.27123844623565674 a:0.08963588625192642 that:0.05905309319496155 the:0.04647078737616539 :0.04488980397582054 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.3889225125312805 what:0.05442322790622711 and:0.04810979589819908 them,:0.043186504393815994 :0.03916705399751663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +of:0.737288236618042 ot:0.029259901493787766 ol:0.018002167344093323 thereof:0.015967626124620438 :0.017906051129102707 +to:0.570919930934906 by:0.12721511721611023 the:0.0381215363740921 a:0.027161944657564163 :0.024818532168865204 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +and:0.1390524059534073 who:0.06893568485975266 or:0.055575281381607056 to:0.029421085491776466 :0.08889000862836838 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.23748289048671722 a:0.06004078686237335 tho:0.021919403225183487 this:0.018624989315867424 :0.25070086121559143 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.07127883285284042 Block:0.026968248188495636 That:0.02418426051735878 A:0.02409404143691063 :0.2966728210449219 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.1170603334903717 their:0.10753965377807617 train:0.05453954637050629 to:0.027310984209179878 :0.09790854901075363 +of:0.30114203691482544 the:0.12054523825645447 and:0.05386308580636978 for:0.026560677215456963 :0.03896266222000122 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +Street:0.18246044218540192 street:0.06687450408935547 and:0.05482751876115799 street,:0.033369939774274826 :0.27147039771080017 +.:0.0247640497982502 of:0.009918244555592537 and:0.009710030630230904 the:0.009428584948182106 :0.41280069947242737 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.3362261652946472 a:0.10097429901361465 by:0.08555106818675995 the:0.05592307075858116 :0.05245058611035347 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.07338227331638336 College,:0.03304256126284599 to:0.02815556712448597 was:0.02555275335907936 :0.1963578164577484 +of:0.2124626785516739 and:0.06971869617700577 was:0.047279153019189835 is:0.0342545360326767 :0.10199497640132904 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +the:0.17123903334140778 a:0.08701403439044952 that:0.06825298070907593 him:0.06086057797074318 :0.08613831549882889 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.32489362359046936 and:0.07678443938493729 at:0.05198216065764427 in:0.05145728960633278 :0.041662875562906265 +and:0.02752406895160675 party:0.026342500001192093 parties:0.025029290467500687 parties,:0.01527596078813076 :0.3384157717227936 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +possible:0.060810770839452744 proved:0.03929072618484497 portant:0.0353386253118515 pressed:0.033830367028713226 :0.42619141936302185 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.09406395256519318 the:0.05139019712805748 as:0.05124811828136444 is:0.04244896396994591 :0.09436935931444168 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2838607430458069 but:0.045544084161520004 as:0.0273679718375206 the:0.027353333309292793 :0.0619850754737854 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +The:0.1779513955116272 It:0.060221049934625626 He:0.05007878690958023 A:0.0413951650261879 :0.11520488560199738 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.19468848407268524 on:0.07198107242584229 and:0.05565887689590454 was:0.039262909442186356 :0.07117684185504913 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +that:0.16775783896446228 it:0.11145035922527313 of:0.10913056135177612 the:0.07950282841920853 :0.05482690408825874 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +to:0.19294968247413635 report:0.056840091943740845 for:0.029589764773845673 conditions.:0.027049168944358826 :0.08589857071638107 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +one:0.022633524611592293 other:0.017304427921772003 doubt:0.01608593575656414 way:0.013522792607545853 :0.303879052400589 +appear:0.09798628091812134 and:0.06820520758628845 in:0.061803147196769714 to:0.041062258183956146 :0.07349349558353424 +the:0.16394366323947906 by:0.13848495483398438 as:0.071026511490345 and:0.06770259141921997 :0.06411770731210709 +the:0.04811359941959381 a:0.02619130350649357 in:0.02160925790667534 opposed:0.01730184443295002 :0.37196600437164307 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +been:0.16530536115169525 boon:0.07880041003227234 a:0.02594788931310177 not:0.024151669815182686 :0.12280842661857605 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.17594267427921295 the:0.028331466019153595 but:0.027288971468806267 pure,:0.020219894126057625 :0.10383706539869308 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +and:0.17471246421337128 which:0.07565832883119583 the:0.04395124688744545 but:0.021395940333604813 :0.10344113409519196 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07688988745212555 conditions:0.018692050129175186 circles:0.015030961483716965 life:0.014113489538431168 :0.36153489351272583 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21059957146644592 the:0.047688078135252 but:0.0421493835747242 in:0.028031032532453537 :0.07465068250894547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1763041466474533 touch:0.09152455627918243 touches:0.043921519070863724 and:0.034532833844423294 :0.10155477374792099 +to:0.36650875210762024 and:0.23136170208454132 of:0.0321691669523716 were:0.02126391977071762 :0.03712417930364609 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.07332736998796463 is:0.045748405158519745 a:0.04447760805487633 and:0.03826352208852768 :0.06712815910577774 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.13447177410125732 and:0.09580687433481216 the:0.08887651562690735 for:0.03164676949381828 :0.139579638838768 +the:0.27322518825531006 to:0.05190782994031906 for:0.03549633547663689 a:0.03334205225110054 :0.08464105427265167 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.03246603533625603 a:0.010523706674575806 i:0.010304857045412064 to:0.009823665022850037 :0.3898007571697235 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.2408534586429596 the:0.06445643305778503 when:0.029429364949464798 but:0.028171835467219353 :0.0757693275809288 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.09937626123428345 or:0.05958786979317665 voters:0.028440389782190323 of:0.017510775476694107 :0.3244228661060333 +to:0.19294968247413635 report:0.056840091943740845 for:0.029589764773845673 conditions.:0.027049168944358826 :0.08589857071638107 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +C:0.03943241015076637 C.:0.017674999311566353 S:0.01577300764620304 D.:0.015420738607645035 :0.40018826723098755 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2600421607494354 day:0.2071039378643036 and:0.04281157627701759 each;:0.01605939492583275 :0.18250592052936554 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.2919756770133972 but:0.04040947183966637 the:0.027390006929636 as:0.024412527680397034 :0.10387200117111206 +notified:0.03248930722475052 relief:0.024918079376220703 ordered:0.019761279225349426 than:0.01917441561818123 :0.2649027407169342 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13615207374095917 to:0.05633764714002609 are:0.05442611873149872 of:0.041711628437042236 :0.0744950920343399 +and:0.04305420070886612 of:0.03919250890612602 the:0.0276054497808218 house,:0.02620588429272175 :0.1764262616634369 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.24246396124362946 and:0.06312408298254013 is:0.03876257687807083 in:0.03161914646625519 :0.03113582544028759 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.09013828635215759 as:0.07559792697429657 to:0.021026527509093285 withdrew:0.016557784751057625 :0.14223907887935638 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.37192708253860474 that:0.13694731891155243 by:0.032542310655117035 in:0.027914129197597504 :0.0751318708062172 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +quarter:0.5606058835983276 Quarter:0.14928953349590302 corner:0.057993333786726 corner,:0.021099064499139786 :0.04336819425225258 +of:0.27277740836143494 and:0.033262480050325394 in:0.027426671236753464 was:0.02726621925830841 :0.08388816565275192 +of:0.46320289373397827 and:0.07334863394498825 in:0.06320943683385849 are:0.022540178149938583 :0.03287002071738243 +and:0.11424164474010468 system,:0.059090860188007355 sys-:0.025870446115732193 system:0.025187714025378227 :0.3726291060447693 +and:0.078427754342556 in:0.05989566817879677 of:0.043706852942705154 however,:0.04111083969473839 :0.07687488943338394 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.1553294062614441 and:0.0485227145254612 has:0.0442698672413826 says:0.03714682534337044 :0.1359533965587616 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +cated:0.08813121914863586 cation:0.06515173614025116 cate:0.05872711166739464 cal:0.02308957651257515 :0.5400341749191284 +the:0.22127021849155426 a:0.06886964291334152 tho:0.020942160859704018 its:0.0164844561368227 :0.035126715898513794 +to:0.3297306001186371 by:0.045287031680345535 the:0.036148931831121445 and:0.03088669292628765 :0.06183064728975296 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1901751011610031 to:0.04714775085449219 the:0.03722785413265228 is:0.03200462460517883 :0.07010969519615173 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10093269497156143 to:0.07540320605039597 than:0.025257838889956474 for:0.023174459114670753 :0.37691718339920044 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +and:0.10870200395584106 or:0.08711490780115128 to:0.046394314616918564 of:0.04591266065835953 :0.16933928430080414 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11957638710737228 of:0.09175526350736618 in:0.08269701153039932 is:0.07789874821901321 :0.041222117841243744 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.5151461958885193 upon:0.02918759360909462 are:0.02704250067472458 were:0.02553810551762581 :0.020704299211502075 +are:0.10860337316989899 and:0.10065050423145294 were:0.05247322842478752 of:0.05173395574092865 :0.04982670396566391 +and:0.1271597445011139 that:0.06007526069879532 but:0.049379415810108185 the:0.04257114976644516 :0.06233644858002663 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2503054440021515 of:0.16427206993103027 a:0.04949222132563591 and:0.022907517850399017 :0.09520182013511658 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.6767483949661255 by:0.06925562024116516 therefrom:0.02622920088469982 the:0.02133784070611 :0.037865281105041504 +and:0.12819625437259674 were:0.04128444194793701 in:0.0407540537416935 are:0.03966047614812851 :0.15796171128749847 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +much:0.08235937356948853 to:0.04093256965279579 that:0.03844346106052399 far:0.02775593101978302 :0.4297916889190674 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +to:0.31278595328330994 of:0.20896553993225098 toward:0.14424678683280945 is:0.03600750118494034 :0.022122574970126152 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +in:0.13812977075576782 to:0.1306847482919693 at:0.11425898969173431 on:0.0610383115708828 :0.031711455434560776 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.17745579779148102 the:0.09128258377313614 at:0.055937040597200394 and:0.05091039836406708 :0.08189187943935394 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.09406395256519318 the:0.05139019712805748 as:0.05124811828136444 is:0.04244896396994591 :0.09436935931444168 +in:0.10952862352132797 than:0.04622378572821617 In:0.03725755959749222 to:0.032190024852752686 :0.09245365858078003 +and:0.3168123960494995 but:0.06870389729738235 or:0.028301842510700226 to:0.023287400603294373 :0.0803716853260994 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +for:0.06254241615533829 is:0.059613145887851715 was:0.05151063948869705 and:0.05133162438869476 :0.09069686383008957 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +in:0.05368374288082123 indeed,:0.048581477254629135 for:0.04770798608660698 by:0.0397685244679451 :0.12408088147640228 +pany:0.048703599721193314 ing:0.024353833869099617 mission:0.016798842698335648 plete:0.016541285440325737 :0.5249593257904053 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +to:0.3114728629589081 of:0.21687355637550354 is:0.032260168343782425 and:0.02124396525323391 :0.04356854781508446 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +of:0.20396029949188232 to:0.17614616453647614 for:0.05101322755217552 and:0.04910425469279289 :0.06943477690219879 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08435046672821045 of:0.07865928113460541 and:0.06176914647221565 for:0.05027889087796211 :0.0827907919883728 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +of:0.16773554682731628 to:0.059169888496398926 that:0.04982176050543785 was:0.04470231384038925 :0.1461925506591797 +The:0.08517347276210785 It:0.04168890044093132 I:0.02811003290116787 He:0.027131132781505585 :0.11500310152769089 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +ner:0.33225399255752563 poration:0.06596877425909042 rect:0.018801404163241386 -:0.003330642357468605 :0.5220304131507874 +from:0.14985395967960358 and:0.02321695350110531 when:0.01560559868812561 day:0.011067156679928303 :0.28890565037727356 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +years:0.1448761373758316 days:0.10367900878190994 minutes:0.09993693977594376 hundred:0.048235729336738586 :0.1628679633140564 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +to:0.06758831441402435 school:0.06458563357591629 law:0.043077871203422546 with:0.02354290336370468 :0.18014854192733765 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.39353951811790466 a:0.07648470997810364 it:0.019852450117468834 all:0.017758620902895927 :0.09848861396312714 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +a:0.11438657343387604 the:0.0918642207980156 at:0.07915796339511871 and:0.05871739611029625 :0.0554349310696125 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +for:0.2183125913143158 of:0.18442115187644958 to:0.08635776489973068 and:0.06171822547912598 :0.06882139295339584 +to:0.09914737194776535 and:0.09134946763515472 in:0.061381448060274124 with:0.04912156984210014 :0.07890848070383072 +of:0.47109198570251465 Fish:0.026676351204514503 and:0.023391053080558777 Lane:0.021377941593527794 :0.18763834238052368 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08833398669958115 and:0.06783279776573181 in:0.02503863349556923 to:0.02404504269361496 :0.11131008714437485 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.330519437789917 that:0.1587153822183609 upon:0.14770358800888062 with:0.04248707741498947 :0.047144606709480286 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +of:0.09302870184183121 and:0.06276701390743256 that:0.04601499065756798 is:0.04233740270137787 :0.0715818926692009 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.07639866322278976 been:0.03924648091197014 it:0.0364374965429306 to:0.03002636507153511 :0.1385616660118103 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tained:0.36139723658561707 served:0.060914572328329086 structed:0.0266963429749012 ject:0.022326231002807617 :0.41132184863090515 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +tax:0.09769190102815628 to:0.08852917701005936 and:0.04272899404168129 of:0.03802657499909401 :0.06418643146753311 +in:0.2727511525154114 on:0.1398191601037979 upon:0.05282880365848541 at:0.04826238378882408 :0.040982555598020554 +The:0.14012707769870758 It:0.07475703209638596 He:0.02747778221964836 There:0.02506045438349247 :0.13379807770252228 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.10226238518953323 of:0.045731429010629654 a:0.04569866508245468 and:0.037161026149988174 :0.09410148859024048 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +from:0.07188580930233002 Jones:0.023932110518217087 and:0.023693934082984924 Page:0.015593556687235832 :0.5289859771728516 +of:0.11315672844648361 that:0.061023686081171036 was:0.04828545078635216 for:0.038142550736665726 :0.07615408301353455 +the:0.11845995485782623 that:0.10215578228235245 a:0.07469209283590317 to:0.0738128200173378 :0.09387335926294327 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +been:0.14221101999282837 made:0.019299764186143875 in:0.016722165048122406 a:0.009499944746494293 :0.16277889907360077 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.14048336446285248 not:0.101407989859581 to:0.09385845065116882 for:0.056026045233011246 :0.05989345535635948 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +have:0.10647784918546677 are:0.07366511225700378 were:0.06354530900716782 shall:0.03451690822839737 :0.11985837668180466 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +day.:0.03996774181723595 gifts:0.027472011744976044 and:0.02326498180627823 bells:0.018785299733281136 :0.3080458343029022 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +of:0.21099638938903809 the:0.11087290942668915 for:0.050749022513628006 to:0.048193685710430145 :0.05287536606192589 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.06303723901510239 A:0.023321853950619698 the:0.022315777838230133 I:0.02116888388991356 :0.27480870485305786 +the:0.5411328673362732 their:0.027285175397992134 its:0.021444030106067657 tho:0.017373813316226006 :0.07699528336524963 +of:0.861936628818512 were:0.014092853292822838 ot:0.013022838160395622 and:0.010885456576943398 :0.010727286338806152 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +part:0.043064676225185394 and:0.022153381258249283 states:0.02134033665060997 boundaries:0.016038447618484497 :0.21567009389400482 +same:0.0063822041265666485 most:0.006139406468719244 great:0.0048363059759140015 oldest:0.004352855961769819 :0.517262876033783 +and:0.16851986944675446 the:0.055526312440633774 or:0.03506975248456001 to:0.03162454441189766 :0.07793884724378586 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +to:0.3189760446548462 for:0.08089017868041992 evidence:0.031013060361146927 amount:0.029551835730671883 :0.15520289540290833 +of:0.7317859530448914 and:0.019174849614501 ot:0.014323806390166283 are:0.013929134234786034 :0.026417972519993782 +and:0.06003280729055405 ore:0.022176844999194145 pipe:0.01959344558417797 or:0.01684187538921833 :0.2895636558532715 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +of:0.41060879826545715 and:0.07338957488536835 which:0.0688568577170372 upon:0.023345792666077614 :0.03776489570736885 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +was:0.05374482274055481 been:0.03496947139501572 had:0.025452664121985435 a:0.013055950403213501 :0.2714519500732422 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18991096317768097 a:0.07370725274085999 tho:0.01514104288071394 his:0.013099993579089642 :0.21051880717277527 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6676996350288391 the:0.03688574582338333 at:0.01861940324306488 a:0.017663786187767982 :0.058274488896131516 +and:0.027668148279190063 government:0.016541356220841408 army.:0.014461764134466648 fleet:0.011122608557343483 :0.27876192331314087 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008066519163548946 said:0.006742078810930252 following:0.00635895598679781 time:0.006175425369292498 :0.31771138310432434 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.19141696393489838 the:0.03732423111796379 which:0.03329566493630409 as:0.023985859006643295 :0.17302650213241577 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +of:0.08616402000188828 in:0.06534877419471741 are:0.05751437693834305 and:0.05672188103199005 :0.06820040196180344 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +The:0.11968711018562317 He:0.08618387579917908 It:0.03384433686733246 She:0.025568604469299316 :0.14880378544330597 +the:0.06938191503286362 be:0.04399369657039642 not:0.042489394545555115 a:0.03881790116429329 :0.12634198367595673 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.21171565353870392 and:0.11904101073741913 in:0.03925110399723053 that:0.03384470194578171 :0.04536860063672066 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.22997517883777618 and:0.11150719970464706 was:0.03836893290281296 in:0.03780357539653778 :0.0877070426940918 +and:0.07671499997377396 county:0.056487925350666046 county,:0.037003543227910995 street:0.03646811470389366 :0.19969722628593445 +been:0.09232140332460403 made:0.04622133448719978 in:0.02184249274432659 to:0.01785849593579769 :0.21347086131572723 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +in:0.15687009692192078 with:0.09245891124010086 a:0.07218315452337265 for:0.07002830505371094 :0.06513252854347229 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +to:0.17585688829421997 of:0.13136914372444153 and:0.11694452166557312 in:0.035241786390542984 :0.029391171410679817 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +of:0.3883739113807678 which:0.04086053743958473 and:0.04033040255308151 to:0.038388967514038086 :0.04582668095827103 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +act:0.022069374099373817 hour:0.01376213226467371 old:0.00818408653140068 article:0.008063250221312046 :0.47188064455986023 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +of:0.05572347715497017 amount:0.01731906831264496 country:0.014941934496164322 or:0.014283082447946072 :0.1481226533651352 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +stitution:0.14737053215503693 gress:0.127506822347641 vention:0.08307178318500519 gress,:0.004407152067869902 :0.5562925934791565 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +after:0.11666354537010193 in:0.10777078568935394 with:0.060685157775878906 by:0.03761761635541916 :0.08935832232236862 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +miles:0.035948943346738815 to:0.034394800662994385 people:0.02528044767677784 acres:0.0236382894217968 :0.1580267697572708 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.07922094315290451 It:0.05539722368121147 There:0.03349330648779869 In:0.028340080752968788 :0.13440635800361633 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +the:0.14646166563034058 a:0.09217408299446106 off:0.056894514709711075 out:0.03928978368639946 :0.07310707867145538 +of:0.7418510913848877 and:0.020352721214294434 that:0.01716007851064205 ot:0.012278868816792965 :0.02082015760242939 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05729925259947777 of:0.044900622218847275 the:0.031499624252319336 a:0.023880939930677414 :0.41951584815979004 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5555445551872253 for:0.03189373388886452 in:0.0264001302421093 the:0.024229343980550766 :0.02734372392296791 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.41319942474365234 to:0.039176732301712036 between:0.031080037355422974 and:0.02596079185605049 :0.08822212368249893 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.19559139013290405 had:0.058138638734817505 is:0.04658277705311775 has:0.0340050607919693 :0.09720320999622345 +and:0.20207582414150238 but:0.04039422422647476 the:0.03941715508699417 as:0.028897492215037346 :0.10259946435689926 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +ago:0.15814702212810516 ago,:0.10855072736740112 in:0.05406471714377403 ago.:0.052123062312603 :0.0600147619843483 +and:0.08509480953216553 D.:0.061450812965631485 Feb.:0.055098362267017365 in:0.03349297493696213 :0.11357526481151581 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.07243285328149796 and:0.03730746731162071 No.:0.02947203628718853 to:0.025890599936246872 :0.16791635751724243 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +in:0.18533238768577576 by:0.16710349917411804 to:0.10087701678276062 at:0.0481763631105423 :0.04224369302392006 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +than:0.13289768993854523 and:0.05950111523270607 prices.:0.027553053572773933 prices:0.025308791548013687 :0.12191168963909149 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.09265898168087006 the:0.08526357263326645 against:0.08137032389640808 and:0.05692335218191147 :0.0878012478351593 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.0743308886885643 in:0.056348931044340134 to:0.04556026682257652 for:0.037553347647190094 :0.0627879649400711 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.3419220745563507 that:0.16351835429668427 and:0.05168287828564644 is:0.04284336045384407 :0.036096278578042984 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11757011711597443 to:0.0512937530875206 is:0.0323549322783947 for:0.028566459193825722 :0.06111131235957146 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +of:0.185770183801651 payment:0.05077056959271431 and:0.0432809554040432 amount:0.019827356562018394 :0.16213443875312805 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.10382786393165588 the:0.07048171758651733 very:0.051332976669073105 so:0.038885168731212616 :0.20304261147975922 +day:0.4507266581058502 of:0.11745961010456085 and:0.04921744763851166 instant,:0.01371826883405447 :0.1626034826040268 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +the:0.16855798661708832 to:0.059264980256557465 direction:0.04861658439040184 side:0.039348237216472626 :0.21880780160427094 +e:0.1306355744600296 the:0.02911422774195671 a:0.012033777311444283 .:0.010342114605009556 :0.33533692359924316 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.075276680290699 1:0.0630774274468422 2:0.04432208091020584 in:0.0300405565649271 :0.13350436091423035 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +said:0.007762321271002293 last:0.005993214435875416 two:0.004799067974090576 United:0.004241769667714834 :0.48892804980278015 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.10911130160093307 that:0.10495218634605408 a:0.08930405229330063 out:0.06238653138279915 :0.08064001798629761 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.20065109431743622 but:0.061344947665929794 the:0.0455661341547966 or:0.03063771314918995 :0.0427464134991169 +officer:0.15446750819683075 the:0.12803901731967926 general:0.0730687603354454 a:0.030915915966033936 :0.13955914974212646 +the:0.18991096317768097 a:0.07370725274085999 tho:0.01514104288071394 his:0.013099993579089642 :0.21051880717277527 +and:0.1659698635339737 was:0.031313855201005936 to:0.01223800703883171 had:0.007746492512524128 :0.5338070392608643 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.9246528744697571 in:0.008196174167096615 and:0.004797648638486862 a:0.0026710627134889364 :0.01941019855439663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15688467025756836 the:0.06038207188248634 but:0.04542800411581993 that:0.025394359603524208 :0.10142511874437332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +respected:0.05480128526687622 esteemed:0.041342396289110184 interesting:0.03319726884365082 respectable:0.025134172290563583 :0.22346706688404083 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.7317859530448914 and:0.019174849614501 ot:0.014323806390166283 are:0.013929134234786034 :0.026417972519993782 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +not:0.045979421585798264 now:0.023044388741254807 the:0.01954125240445137 in:0.01451941579580307 :0.20713986456394196 +the:0.10521112382411957 to:0.06929780542850494 for:0.032178930938243866 on:0.02582809515297413 :0.10547483712434769 +citizens:0.16528275609016418 and:0.08652869611978531 animal,:0.028322532773017883 contest:0.019352030009031296 :0.10525652021169662 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +in:0.05378060042858124 by:0.019793005660176277 above,:0.019718077033758163 and:0.017699308693408966 :0.22646388411521912 +in:0.1925814300775528 by:0.167181596159935 to:0.10254672914743423 at:0.07288552075624466 :0.047796525061130524 +the:0.15567387640476227 to:0.1448536217212677 a:0.08367369323968887 special:0.025677815079689026 :0.057137586176395416 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +ticular:0.14614874124526978 ty:0.08767599612474442 ties:0.08674871176481247 ties.:0.08190910518169403 :0.36589962244033813 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +distance:0.05746036395430565 number:0.039878878742456436 distance,:0.02324148640036583 amount:0.021471615880727768 :0.13447554409503937 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.5689694285392761 the:0.05931851267814636 a:0.02889452502131462 and:0.02598351612687111 :0.02573978155851364 +preme:0.017942748963832855 the:0.01074626762419939 h:0.009259732440114021 .:0.0063856216147542 :0.5575154423713684 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.3890458643436432 and:0.04123804345726967 are:0.027268264442682266 in:0.020950645208358765 :0.03761357069015503 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ment:0.5398432016372681 ment,:0.24014456570148468 ments:0.05311911553144455 ing:0.047390155494213104 :0.04453863203525543 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.06709418445825577 0:0.027413999661803246 per:0.024896793067455292 o'clock:0.022434556856751442 :0.25730472803115845 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +of:0.17842864990234375 and:0.07381178438663483 to:0.04428548365831375 was:0.03596362844109535 :0.10904160141944885 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.3824280798435211 by:0.1294337958097458 for:0.0443967767059803 at:0.04437992721796036 :0.03940609097480774 +and:0.20049536228179932 with:0.05960274487733841 the:0.05216982960700989 but:0.03487545624375343 :0.10998603701591492 +of:0.22182072699069977 the:0.07811123877763748 up:0.03423241153359413 in:0.025399548932909966 :0.07612401992082596 +That:0.82596755027771 that:0.023997776210308075 and:0.013118809089064598 but:0.004782975651323795 :0.021725190803408623 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.3013313114643097 a:0.1078534871339798 and:0.07149175554513931 the:0.06334428489208221 :0.042909760028123856 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +counties,:0.03605800122022629 States:0.03209535777568817 places:0.022947536781430244 portions:0.021088281646370888 :0.3602292537689209 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2463279813528061 on:0.07526092976331711 in:0.054118379950523376 to:0.048249952495098114 :0.06781785935163498 +in:0.09659571200609207 to:0.07256924360990524 of:0.04655748978257179 was:0.0336652509868145 :0.06924952566623688 +The:0.12171667814254761 It:0.06574743986129761 I:0.0466650165617466 He:0.02684587612748146 :0.16403333842754364 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.26980528235435486 for:0.07106920331716537 at:0.031796589493751526 is:0.027026984840631485 :0.06029368191957474 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +from:0.10407093912363052 a:0.09702605754137039 the:0.09487983584403992 by:0.08510506898164749 :0.06047239527106285 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +first:0.01183595135807991 only:0.00674104131758213 young:0.0061032092198729515 most:0.005756604950875044 :0.3132716119289398 +to:0.10770168155431747 into:0.05970064178109169 in:0.042866867035627365 over:0.038039833307266235 :0.19280140101909637 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.17478762567043304 a:0.13600051403045654 in:0.05027306079864502 the:0.044824838638305664 :0.06628429144620895 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.3767479956150055 and:0.044583335518836975 at:0.021287864074110985 in:0.019916780292987823 :0.20654445886611938 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +and:0.1555100977420807 is:0.04066486656665802 production:0.03206683322787285 to:0.030046621337532997 :0.09226273000240326 +and:0.09406395256519318 the:0.05139019712805748 as:0.05124811828136444 is:0.04244896396994591 :0.09436935931444168 +in:0.11597997695207596 of:0.1062333956360817 to:0.07762905210256577 the:0.051238514482975006 :0.050878822803497314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3248665928840637 and:0.07177700102329254 is:0.03668493777513504 was:0.028851041570305824 :0.14563468098640442 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.34072044491767883 and:0.06495563685894012 in:0.05865134298801422 is:0.0331554114818573 :0.033196669071912766 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +The:0.1318955272436142 It:0.09739883244037628 There:0.06281959265470505 He:0.04130856692790985 :0.1442852020263672 +to:0.08811277896165848 by:0.07490257173776627 the:0.07252737879753113 in:0.05403134599328041 :0.0931118056178093 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.223027303814888 the:0.04329799860715866 or:0.02920473739504814 which:0.02751917764544487 :0.1390848606824875 +and:0.24794326722621918 the:0.09994654357433319 but:0.06816307455301285 as:0.02091912552714348 :0.07029703259468079 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +of:0.28997892141342163 and:0.26781606674194336 that:0.028666328638792038 to:0.025716187432408333 :0.022889776155352592 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +ture,:0.3763696253299713 ture:0.14599190652370453 ture.:0.04328211024403572 tures:0.010476408526301384 :0.2853107452392578 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.20638318359851837 have:0.06458716839551926 and:0.056924447417259216 in:0.039225220680236816 :0.05048399791121483 +of:0.12155387550592422 and:0.06100096553564072 to:0.05014064162969589 for:0.038807664066553116 :0.06854083389043808 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +quarter:0.3286668062210083 corner:0.16627487540245056 quarter,:0.08260909467935562 of:0.06707196682691574 :0.05611046403646469 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +the:0.1016247421503067 he:0.04052535817027092 tbe:0.03462156280875206 be:0.025821294635534286 :0.1188640147447586 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.20675678551197052 the:0.05824917554855347 miles:0.047115013003349304 to:0.027624020352959633 :0.1649658977985382 +in:0.07591651380062103 as:0.0431092344224453 the:0.037105150520801544 and:0.03665897995233536 :0.05940091237425804 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +with:0.06273382902145386 and:0.04190251603722572 of:0.038935884833335876 was:0.02972414530813694 :0.07940685749053955 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13642063736915588 on:0.06608615070581436 to:0.05132807791233063 in:0.05085804685950279 :0.058002084493637085 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.48943743109703064 and:0.045150209218263626 is:0.020860744640231133 to:0.014594674110412598 :0.055353157222270966 +of:0.15787625312805176 and:0.04541412368416786 which:0.04023224487900734 to:0.027471747249364853 :0.036025505512952805 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.01731930673122406 conditions,:0.01428891345858574 option:0.01417049765586853 authorities:0.009298251941800117 :0.26643726229667664 +of:0.17596924304962158 in:0.06859906017780304 and:0.03924667835235596 to:0.0351230651140213 :0.035582780838012695 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +of:0.20657862722873688 to:0.13110840320587158 in:0.06752590835094452 from:0.06585215032100677 :0.06151136755943298 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +property:0.03509614244103432 and:0.027003737166523933 letter:0.011792234145104885 or:0.010764597915112972 :0.39134323596954346 +tical:0.09507747739553452 cy:0.01090916246175766 the:0.002211041282862425 ties:0.0018698854837566614 :0.8460193872451782 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.13279540836811066 in:0.061202652752399445 and:0.04999890178442001 where:0.045740000903606415 :0.08198060840368271 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +of:0.11673231422901154 in:0.040224652737379074 to:0.036895059049129486 by:0.03324856981635094 :0.11993439495563507 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +sky,:0.06249403581023216 South,:0.024879056960344315 days:0.023754367604851723 afternoon:0.02342403493821621 :0.1058971956372261 +the:0.09825723618268967 a:0.06843812018632889 not:0.023277878761291504 to:0.017676884308457375 :0.1913129836320877 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.38603565096855164 and:0.08012667298316956 to:0.039312221109867096 are:0.03029836341738701 :0.029904110357165337 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09914737194776535 and:0.09134946763515472 in:0.061381448060274124 with:0.04912156984210014 :0.07890848070383072 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.22354231774806976 a:0.0870753675699234 this:0.05700149014592171 such:0.03147188946604729 :0.08704904466867447 +to:0.0664600282907486 and:0.060896310955286026 who:0.0546700693666935 in:0.05042322725057602 :0.05496837571263313 +the:0.24142062664031982 it:0.08394572138786316 that:0.06933771073818207 a:0.026904551312327385 :0.05016987770795822 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +in:0.0766344964504242 and:0.06711377948522568 however,:0.058417074382305145 by:0.051598213613033295 :0.07523474842309952 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Y.:0.29884231090545654 Y.,:0.12926988303661346 C:0.02872476354241371 J:0.025786519050598145 :0.200674369931221 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +of:0.05572347715497017 amount:0.01731906831264496 country:0.014941934496164322 or:0.014283082447946072 :0.1481226533651352 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.06968031078577042 and:0.06540948152542114 that:0.04774629324674606 on:0.040726132690906525 :0.12662716209888458 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.524716854095459 to:0.06225746124982834 that:0.0306465495377779 which:0.028795616701245308 :0.02423049509525299 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.13252438604831696 who:0.039611149579286575 from:0.036760423332452774 to:0.025107139721512794 :0.2429591566324234 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +to:0.3069402873516083 of:0.1669664978981018 that:0.08067576587200165 and:0.04336652159690857 :0.03795436769723892 +by:0.200078085064888 from:0.1468406766653061 the:0.08038298040628433 and:0.03133316710591316 :0.06752078235149384 +condition:0.1217922642827034 and:0.11812011152505875 conditions:0.044243261218070984 state:0.03676198050379753 :0.04607706516981125 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3885064423084259 and:0.0428411103785038 Court.:0.0311458520591259 Court:0.030904723331332207 :0.14676034450531006 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +of:0.2797817885875702 to:0.06891583651304245 and:0.03941589593887329 in:0.036626409739255905 :0.04904935881495476 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.111759714782238 that:0.0474402941763401 and:0.0248101856559515 in:0.020926568657159805 :0.22185444831848145 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6211645603179932 the:0.061369333416223526 their:0.015666784718632698 a:0.014408232644200325 :0.03849917650222778 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +first:0.009531100280582905 New:0.007099595852196217 next:0.006834881845861673 most:0.0067459531128406525 :0.3766040802001953 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.08470405638217926 up:0.07897564023733139 to:0.05919970944523811 on:0.03254351764917374 :0.07511924207210541 +the:0.19575320184230804 section:0.06709500402212143 fiscal:0.05974762886762619 year;:0.03814900293946266 :0.08432860672473907 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07639866322278976 been:0.03924648091197014 it:0.0364374965429306 to:0.03002636507153511 :0.1385616660118103 +and:0.08509480953216553 D.:0.061450812965631485 Feb.:0.055098362267017365 in:0.03349297493696213 :0.11357526481151581 +distance:0.05746036395430565 number:0.039878878742456436 distance,:0.02324148640036583 amount:0.021471615880727768 :0.13447554409503937 +the:0.24676382541656494 this:0.05421524867415428 that:0.04525945335626602 a:0.037035953253507614 :0.23227788507938385 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +Assembly:0.06292631477117538 of:0.03374562785029411 and:0.016197901219129562 Manager:0.009145837277173996 :0.5189526081085205 +the:0.11845995485782623 that:0.10215578228235245 a:0.07469209283590317 to:0.0738128200173378 :0.09387335926294327 +wedding:0.03572721779346466 yellow:0.02639048360288143 harvest:0.019293775781989098 age:0.01825922727584839 :0.3420756459236145 +and:0.11160344630479813 was:0.06713192909955978 of:0.0420713871717453 has:0.02658267319202423 :0.16904428601264954 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ant,:0.2817334234714508 ants:0.1311965137720108 ant:0.08068061619997025 ing:0.058307282626628876 :0.2694338262081146 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +and:0.08465912938117981 was:0.05397873371839523 avenue:0.03636407107114792 has:0.0346992164850235 :0.16250188648700714 +to:0.5314395427703857 for:0.08456636965274811 in:0.022759361192584038 that:0.02161904238164425 :0.0869835615158081 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.17920055985450745 wore:0.11988567560911179 was:0.08130152523517609 of:0.043182846158742905 :0.04480261728167534 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3078276515007019 and:0.1842355877161026 to:0.02993079274892807 a:0.019525444135069847 :0.07308503985404968 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.13447177410125732 and:0.09580687433481216 the:0.08887651562690735 for:0.03164676949381828 :0.139579638838768 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10522626340389252 no:0.043196406215429306 the:0.036246150732040405 but:0.027418551966547966 :0.08317544311285019 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.12808561325073242 and:0.11318099498748779 the:0.037119060754776 in:0.035098541527986526 :0.1322014182806015 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.16075578331947327 a:0.05780939757823944 them:0.05657171085476875 up:0.04575332626700401 :0.07369741797447205 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10200776904821396 a:0.0657939687371254 them:0.05480276420712471 him:0.04573249816894531 :0.07286142557859421 +pect:0.010860764421522617 ident:0.010721423663198948 cue:0.004880676511675119 and:0.0031299619004130363 :0.8892090916633606 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.220184788107872 but:0.05397211015224457 the:0.035074517130851746 as:0.02872452139854431 :0.059669800102710724 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +to:0.3841838240623474 that:0.11543610692024231 from:0.03602432832121849 of:0.034955140203237534 :0.04327669367194176 +and:0.12647153437137604 coal:0.03948769345879555 velvet:0.02068745531141758 light:0.017374668270349503 :0.17915987968444824 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +with:0.5496730208396912 in:0.08460450917482376 and:0.017252661287784576 the:0.01518852636218071 :0.05906084552407265 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.04448304697871208 answer:0.01044088788330555 duty:0.0059332167729735374 friends:0.004897722043097019 :0.20047441124916077 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +in:0.2874482572078705 In:0.04328501969575882 and:0.042085565626621246 that:0.03142741322517395 :0.03164532780647278 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2034875899553299 the:0.056399811059236526 but:0.02866601198911667 or:0.01913108117878437 :0.08693802356719971 +of:0.3503299355506897 and:0.0489790104329586 is:0.041477419435977936 for:0.040098294615745544 :0.048778753727674484 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.020342065021395683 General:0.011774604208767414 W.:0.009858421981334686 Anderson:0.009315748699009418 :0.6119292974472046 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6579040288925171 ot:0.02158036082983017 in:0.018621273338794708 and:0.018606290221214294 :0.016826672479510307 +and:0.09233967959880829 of:0.042832981795072556 has:0.03813900798559189 to:0.03777766600251198 :0.12224938720464706 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.1827991008758545 the:0.044235844165086746 while:0.02272968739271164 he:0.016703931614756584 :0.10777780413627625 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.25670790672302246 but:0.05582808330655098 the:0.03929920494556427 as:0.027723554521799088 :0.07659696042537689 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +and:0.17305314540863037 is:0.057655807584524155 in:0.043843965977430344 was:0.03633572906255722 :0.1253957599401474 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.1860886663198471 the:0.029713893309235573 which:0.02567986771464348 or:0.02151547744870186 :0.28260183334350586 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +beings:0.03632214665412903 nature:0.03577841818332672 nature.:0.03465529531240463 life:0.02696729078888893 :0.21320384740829468 +of:0.17208148539066315 and:0.07896235585212708 height,:0.06189252808690071 to:0.05307101458311081 :0.25045230984687805 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +who:0.1145944893360138 are:0.06116102263331413 of:0.048711638897657394 to:0.042582131922245026 :0.07955609261989594 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +to:0.08646342158317566 in:0.06261953711509705 and:0.06160210445523262 for:0.05159600079059601 :0.09178218245506287 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.10786722600460052 be:0.045282524079084396 a:0.025569260120391846 the:0.02157747931778431 :0.15584620833396912 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +into:0.1621139794588089 out:0.10333791375160217 in:0.07227666676044464 over:0.05044593662023544 :0.05500991269946098 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.2381937950849533 or:0.03861191123723984 to:0.025732289999723434 but:0.022446736693382263 :0.053360968828201294 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06401190161705017 r:0.03205733373761177 >r:0.017570331692695618 tho:0.00833934172987938 :0.24295586347579956 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +No.:0.29934102296829224 84:0.27803903818130493 W.:0.0148957883939147 F.:0.013244950212538242 :0.11294431984424591 +in:0.18533238768577576 by:0.16710349917411804 to:0.10087701678276062 at:0.0481763631105423 :0.04224369302392006 +and:0.06223423406481743 was:0.052988264709711075 of:0.03336604684591293 to:0.0331231951713562 :0.09833307564258575 +and:0.10601873695850372 of:0.07167503237724304 weeks,:0.033912111073732376 to:0.02593732252717018 :0.23819319903850555 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.025489497929811478 and:0.024467654526233673 drifted:0.022121503949165344 increased,:0.01997813768684864 :0.25935250520706177 +the:0.09973882138729095 be:0.05539629980921745 a:0.028246572241187096 in:0.017041468992829323 :0.16421474516391754 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +for:0.18703652918338776 on:0.11880015581846237 until:0.0667526051402092 upon:0.05865854397416115 :0.10328636318445206 +estate:0.20684802532196045 estate,:0.07233836501836777 and:0.055065467953681946 property:0.04468785971403122 :0.22727474570274353 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +stood,:0.19574980437755585 standing:0.12531596422195435 stand:0.10297293215990067 stood:0.07015768438577652 :0.09683417528867722 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.13345687091350555 a:0.061796195805072784 up:0.06044084206223488 him:0.046709317713975906 :0.04627738147974014 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +of:0.06932113319635391 in:0.06524535268545151 to:0.054598014801740646 for:0.04649360105395317 :0.24112825095653534 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.11836912482976913 In:0.0427183099091053 A:0.04142061248421669 It:0.0387149378657341 :0.2557736337184906 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +of:0.17486684024333954 to:0.055648162961006165 in:0.041222378611564636 for:0.0388302356004715 :0.060367047786712646 +of:0.32589396834373474 and:0.05412847176194191 is:0.03358116373419762 will:0.028082164004445076 :0.07704903185367584 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.20638318359851837 have:0.06458716839551926 and:0.056924447417259216 in:0.039225220680236816 :0.05048399791121483 +of:0.30110156536102295 in:0.06109119579195976 the:0.055360112339258194 and:0.041459981352090836 :0.04093276336789131 +to:0.16673797369003296 and:0.07199999690055847 as:0.029860591515898705 in:0.02414841577410698 :0.2914641797542572 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.15501675009727478 and:0.06489306688308716 of:0.043865859508514404 to:0.027999147772789 :0.14150798320770264 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +":0.035350456833839417 and:0.031514883041381836 The:0.02561323158442974 I:0.020095258951187134 :0.1832590401172638 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.01701621524989605 of:0.016126899048686028 welfare:0.015998445451259613 nature:0.01519855111837387 :0.17992649972438812 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09108312427997589 he:0.07977528870105743 they:0.07321390509605408 it:0.054794903844594955 :0.08076339215040207 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +of:0.11054210364818573 to:0.08705401420593262 into:0.045258548110723495 and:0.04450628533959389 :0.06948534399271011 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.2786881923675537 .,:0.01561782043427229 W:0.014351406134665012 P:0.013140623457729816 :0.26660236716270447 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.39012423157691956 and:0.07417669892311096 as:0.027323264628648758 with:0.02433544211089611 :0.044587377458810806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.43432649970054626 a:0.04427878558635712 and:0.02318326197564602 him:0.014960373751819134 :0.10351000726222992 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +for:0.06254241615533829 is:0.059613145887851715 was:0.05151063948869705 and:0.05133162438869476 :0.09069686383008957 +.:0.05759584158658981 the:0.033425673842430115 a:0.02439577877521515 to:0.02115018106997013 :0.39279574155807495 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.06938191503286362 be:0.04399369657039642 not:0.042489394545555115 a:0.03881790116429329 :0.12634198367595673 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +R:0.02253367193043232 L.:0.021686268970370293 D.:0.020639905706048012 H.:0.018832877278327942 :0.40095043182373047 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.3824280798435211 by:0.1294337958097458 for:0.0443967767059803 at:0.04437992721796036 :0.03940609097480774 +than:0.13424623012542725 to:0.03985553979873657 and:0.029384437948465347 for:0.02857142686843872 :0.14794586598873138 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.1898280680179596 or:0.04249245300889015 the:0.034876104444265366 with:0.03367100656032562 :0.12424273043870926 +tirely:0.10489383339881897 tered:0.052889350801706314 listed:0.018322573974728584 titled:0.01761534810066223 :0.6332118511199951 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +in:0.18189485371112823 of:0.11951856315135956 and:0.07096593081951141 at:0.054647669196128845 :0.062180276960134506 +":0.035350456833839417 and:0.031514883041381836 The:0.02561323158442974 I:0.020095258951187134 :0.1832590401172638 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06449289619922638 is:0.02916448563337326 nurses:0.028168613091111183 was:0.02743951603770256 :0.33004650473594666 +to:0.2605377435684204 into:0.05381183698773384 on:0.04710131138563156 out:0.03876684606075287 :0.081917904317379 +from:0.14575578272342682 of:0.14230889081954956 west:0.060300640761852264 in:0.04033162444829941 :0.07152697443962097 +port:0.05631702393293381 portation:0.04633735865354538 ferred:0.04073259234428406 actions:0.03680695593357086 :0.5303366780281067 +The:0.10782745480537415 It:0.0724446177482605 In:0.053950320929288864 There:0.03404751047492027 :0.16004720330238342 +and:0.22583535313606262 of:0.13654214143753052 are:0.049171771854162216 or:0.027665307745337486 :0.04527363181114197 +of:0.22362937033176422 and:0.1424824446439743 was:0.03677966073155403 is:0.036066263914108276 :0.06471569091081619 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +The:0.13663560152053833 It:0.04555925726890564 A:0.04207731783390045 She:0.032889824360609055 :0.10712946206331253 +of:0.5957223176956177 in:0.041261427104473114 to:0.028458479791879654 and:0.023763667792081833 :0.04405505955219269 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.21429768204689026 but:0.04523906111717224 the:0.039826247841119766 which:0.02684997394680977 :0.09390492737293243 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +time:0.14122091233730316 distance:0.1244429349899292 of:0.07592078298330307 time.:0.04901304468512535 :0.14211395382881165 +to:0.6456045508384705 of:0.08830685913562775 thereto:0.07740847766399384 the:0.01116540189832449 :0.037691209465265274 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.021323584020137787 J.:0.014523251913487911 R:0.012426471337676048 Pierce's:0.011717194691300392 :0.5844763517379761 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.0898730531334877 players:0.036366768181324005 team:0.03443329781293869 of:0.030684607103466988 :0.244113951921463 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +of:0.15656255185604095 was:0.06117101013660431 and:0.04894019290804863 in:0.0265769362449646 :0.0533231757581234 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +Pills:0.3940320909023285 and:0.14368757605552673 Pills,:0.02199067734181881 or:0.006414839532226324 :0.19361072778701782 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.3671817481517792 to:0.07263875007629395 and:0.05287301167845726 from:0.04853568971157074 :0.04119531810283661 +thing:0.38901618123054504 where:0.2382393777370453 thing,:0.07096458971500397 where,:0.0480845682322979 :0.05783935636281967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.09315019845962524 in:0.08268646895885468 and:0.07984445244073868 to:0.05664271488785744 :0.12095607817173004 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.2404337078332901 the:0.05739224702119827 but:0.03551865369081497 or:0.03189118206501007 :0.08367098867893219 +with:0.9024600386619568 with,:0.007068100851029158 Willi:0.0049096061848104 in:0.004908199887722731 :0.014411990530788898 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.08520127087831497 was:0.06031357869505882 of:0.04901818558573723 is:0.04602096974849701 :0.0777551457285881 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.605250358581543 in:0.10621354728937149 himself:0.017953215166926384 at:0.015269936993718147 :0.020183458924293518 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +Johnson,:0.2855271100997925 and:0.04014673829078674 J.:0.03852108120918274 P.:0.024215102195739746 :0.24325798451900482 +and:0.12696300446987152 within:0.11469413340091705 the:0.06458048522472382 but:0.05784710496664047 :0.06067050248384476 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +with:0.23651953041553497 in:0.10553469508886337 In:0.042442433536052704 over:0.02172435075044632 :0.22314469516277313 +with:0.7939010858535767 of:0.01892171800136566 between:0.013000203296542168 the:0.010499771684408188 :0.02557981386780739 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +for:0.2769417464733124 of:0.11571754515171051 from:0.05509718880057335 to:0.051240112632513046 :0.040103618055582047 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.07590455561876297 ago,:0.06216627359390259 in:0.054374005645513535 after:0.04894636198878288 :0.08193366229534149 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +@:0.05369989946484566 mln.:0.03970817103981972 to:0.03637883439660072 min.:0.030193405225872993 :0.2964874505996704 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24728548526763916 that:0.1363469511270523 then:0.12143602222204208 this:0.025610504671931267 :0.07036466896533966 +much:0.0602320171892643 that:0.039951011538505554 the:0.029345812276005745 to:0.021768182516098022 :0.2901926338672638 +from:0.14985395967960358 and:0.02321695350110531 when:0.01560559868812561 day:0.011067156679928303 :0.28890565037727356 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +up:0.2274198830127716 and:0.07135976850986481 the:0.054182570427656174 with:0.05383382365107536 :0.0957411378622055 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.18868426978588104 is:0.09020184725522995 in:0.048464734107255936 and:0.035438064485788345 :0.051854778081178665 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.3173275291919708 and:0.07345940917730331 is:0.03224481642246246 in:0.03163108229637146 :0.07328178733587265 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +exchange:0.033178623765707016 and:0.01390544231981039 Secretary:0.012036366388201714 Office:0.008669659495353699 :0.7702671885490417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07011716067790985 had:0.059804294258356094 were:0.05740642547607422 in:0.04784553498029709 :0.04619608074426651 +of:0.2575659155845642 in:0.1800074726343155 the:0.15498077869415283 is:0.017300182953476906 :0.02500266022980213 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +The:0.1862115114927292 It:0.05613378435373306 In:0.04165863245725632 This:0.04125182330608368 :0.12943260371685028 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +J:0.019495274871587753 John:0.014689311385154724 James:0.01255825161933899 J.:0.011718624271452427 :0.6103368997573853 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +with:0.7939010858535767 of:0.01892171800136566 between:0.013000203296542168 the:0.010499771684408188 :0.02557981386780739 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +in:0.09674637764692307 to:0.09673050791025162 and:0.05586252361536026 with:0.050870027393102646 :0.0816340446472168 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +to:0.5134709477424622 for:0.0942627415060997 of:0.03433724865317345 in:0.026638027280569077 :0.053714003413915634 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +of:0.26308494806289673 and:0.0633515790104866 for:0.06312376260757446 was:0.04154668375849724 :0.09783618897199631 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.20869651436805725 described:0.05462256446480751 all:0.0308659877628088 named:0.028359683230519295 :0.16649943590164185 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.6748666167259216 and:0.02225334942340851 to:0.015516284853219986 ot:0.013224308378994465 :0.04676487669348717 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +parts:0.08844133466482162 from:0.05406428873538971 states,:0.01920783892273903 kinds:0.01768065243959427 :0.17892666161060333 +arrival:0.14872393012046814 and:0.07964225858449936 notice:0.023099731653928757 advice:0.02174779586493969 :0.15491440892219543 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +of:0.16504637897014618 was:0.06634878367185593 in:0.061390310525894165 and:0.06015203893184662 :0.05161468684673309 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +of:0.3136288523674011 and:0.21053333580493927 are:0.03628130629658699 in:0.030429286882281303 :0.031527142971754074 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5853052139282227 for:0.1783028095960617 that:0.02732248231768608 in:0.014581937342882156 :0.037569597363471985 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.07340145856142044 in:0.07052014768123627 were:0.06932739913463593 of:0.05453120172023773 :0.10174444317817688 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.34306228160858154 of:0.13560865819454193 to:0.09268146753311157 in:0.03206897899508476 :0.04881662502884865 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +believed:0.03133058920502663 known:0.022660203278064728 the:0.021500971168279648 to:0.020305657759308815 :0.16313137114048004 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tion,:0.2063862532377243 ture:0.11963417381048203 tional:0.11479295045137405 tion:0.06908401101827621 :0.2915443778038025 +and:0.18893325328826904 in:0.05362195894122124 were:0.05323118343949318 are:0.04697691649198532 :0.0792904943227768 +visions:0.07499134540557861 vided:0.03065517358481884 duced:0.03032933920621872 vide:0.02765122801065445 :0.5735341906547546 +the:0.10911130160093307 that:0.10495218634605408 a:0.08930405229330063 out:0.06238653138279915 :0.08064001798629761 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +party:0.26771798729896545 party,:0.14677278697490692 candi-:0.01756945066154003 members:0.014215825125575066 :0.2194165587425232 +it:0.1342436671257019 the:0.09251093864440918 you:0.07145978510379791 not:0.059051837772130966 :0.13323822617530823 +tained:0.36139723658561707 served:0.060914572328329086 structed:0.0266963429749012 ject:0.022326231002807617 :0.41132184863090515 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +was:0.19559139013290405 had:0.058138638734817505 is:0.04658277705311775 has:0.0340050607919693 :0.09720320999622345 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.319743275642395 what:0.043493274599313736 to:0.035871122032403946 was:0.032021064311265945 :0.05310627818107605 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.08810146152973175 to:0.026481956243515015 was:0.024641208350658417 of:0.0244983471930027 :0.2993760108947754 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +Oats:0.0980633795261383 Rye:0.08972703665494919 A:0.08421558886766434 The:0.0642419084906578 :0.1785462498664856 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Louis:0.31712228059768677 Paul,:0.15894560515880585 Louis,:0.07619889080524445 Paul:0.07152567058801651 :0.20302176475524902 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05378958582878113 agricultural:0.040554214268922806 coal:0.03820689395070076 of:0.029598424211144447 :0.15505938231945038 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +people:0.03515072166919708 and:0.01288214698433876 flag:0.012252000160515308 Tobacco:0.009403125382959843 :0.4153604507446289 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.014258090406656265 was:0.014092568308115005 to:0.014005213044583797 .:0.010697846300899982 :0.3708675801753998 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +17,:0.032304711639881134 18,:0.02320077084004879 and:0.02023862861096859 of:0.019516319036483765 :0.38556379079818726 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.34591519832611084 but:0.04509977623820305 the:0.03502536565065384 to:0.022179918363690376 :0.029360225424170494 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.02752406895160675 party:0.026342500001192093 parties:0.025029290467500687 parties,:0.01527596078813076 :0.3384157717227936 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ceived:0.01453169621527195 the:0.012149110436439514 ported:0.012097148224711418 -:0.010624353773891926 :0.4510902166366577 +of:0.3178219199180603 and:0.09552158415317535 to:0.03323987498879433 at:0.01886443980038166 :0.08687756955623627 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +of:0.4123866856098175 to:0.08424942940473557 over:0.08355187624692917 in:0.042991429567337036 :0.030212990939617157 +The:0.14960987865924835 It:0.0628017783164978 In:0.03757815808057785 But:0.026638444513082504 :0.29026010632514954 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09456215798854828 of:0.055104780942201614 from:0.045374929904937744 and:0.04123781993985176 :0.11330406367778778 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +described:0.29218828678131104 hereinafter:0.04051839932799339 are:0.038099415600299835 in:0.03701554238796234 :0.047562018036842346 +of:0.15208066999912262 the:0.11837054044008255 to:0.09012406319379807 and:0.060476407408714294 :0.05359438434243202 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +new:0.04515445604920387 cured:0.04092695936560631 of:0.028164362534880638 cured,:0.02589298225939274 :0.2360711246728897 +to:0.9515241384506226 and:0.0034243268892169 for:0.0029768040403723717 lo:0.0026575839146971703 :0.008983239531517029 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.22093386948108673 and:0.05622246861457825 to:0.038724273443222046 in:0.0372563973069191 :0.0706440731883049 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.5581185817718506 section:0.09758692979812622 and:0.0370483361184597 ot:0.010998262092471123 :0.1412738859653473 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.12880975008010864 thanks:0.12528249621391296 for:0.04879600927233696 people:0.03212856501340866 :0.15840113162994385 +of:0.12762023508548737 by:0.09149564802646637 and:0.07175687700510025 with:0.05953173339366913 :0.1412612944841385 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1928737312555313 the:0.03108878619968891 which:0.027346458286046982 but:0.02577780932188034 :0.06837110221385956 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.10935867577791214 and:0.09650836139917374 was:0.024269917979836464 the:0.018947865813970566 :0.13617409765720367 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +after:0.059298332780599594 to:0.051494110375642776 upon:0.03073401004076004 in:0.025188898667693138 :0.17307595908641815 +to:0.044142648577690125 increased:0.042320843786001205 in:0.018214505165815353 increase:0.011096645146608353 :0.4396042823791504 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +W:0.4561581015586853 E:0.01542058028280735 48:0.013456985354423523 30:0.011551272124052048 :0.2247331440448761 +of:0.5045424699783325 and:0.040822383016347885 that:0.026501892134547234 is:0.02606743946671486 :0.030275406315922737 +and:0.14938928186893463 the:0.042076628655195236 to:0.036728039383888245 that:0.027865270152688026 :0.09327076375484467 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.18510553240776062 and:0.15456296503543854 on:0.10002550482749939 at:0.030250184237957 :0.06764192879199982 +The:0.10878477245569229 It:0.08563479036092758 I:0.04523248225450516 In:0.0391618087887764 :0.1423622965812683 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +bank:0.03711313754320145 banks:0.02550145424902439 debt:0.02162235975265503 and:0.017332565039396286 :0.2783578634262085 +The:0.16127347946166992 It:0.05520441383123398 A:0.04380190372467041 In:0.042061854153871536 :0.09094042330980301 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.15433302521705627 but:0.044714316725730896 the:0.025849739089608192 as:0.02191576175391674 :0.1350080817937851 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.10292766988277435 in:0.07790473848581314 and:0.050013020634651184 to:0.04074917361140251 :0.11720316112041473 +to:0.32489362359046936 and:0.07678443938493729 at:0.05198216065764427 in:0.05145728960633278 :0.041662875562906265 +to:0.3539586365222931 and:0.050344910472631454 in:0.04828474298119545 as:0.02467910200357437 :0.15467970073223114 +and:0.10942269116640091 of:0.10703837871551514 in:0.04185735061764717 is:0.03806127980351448 :0.037780072540044785 +by:0.15639559924602509 the:0.11269062012434006 a:0.1027291938662529 in:0.023502493277192116 :0.05347423255443573 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12040320783853531 him:0.11593051999807358 them:0.09382056444883347 a:0.047193288803100586 :0.08806576579809189 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +up:0.18807043135166168 out:0.05973814055323601 a:0.04792371392250061 in:0.03498673439025879 :0.034292757511138916 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14436186850070953 and:0.08320740610361099 on:0.0318371057510376 which:0.030649861320853233 :0.04340074211359024 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +into:0.07446039468050003 and:0.06253959238529205 as:0.0573195144534111 of:0.050188176333904266 :0.05335777625441551 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +or:0.08170058578252792 hundred:0.06365083903074265 years:0.04457060247659683 (8):0.03322882577776909 :0.2112729847431183 +of:0.1164025291800499 and:0.07932786643505096 to:0.0512806735932827 in:0.04168171435594559 :0.07145137339830399 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Lillian:0.03160923719406128 Helen:0.024358544498682022 Mary:0.02174459956586361 May:0.014495722018182278 :0.526942253112793 +in:0.17621354758739471 on:0.11710109561681747 at:0.11163591593503952 In:0.05435311421751976 :0.049365364015102386 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.014258090406656265 was:0.014092568308115005 to:0.014005213044583797 .:0.010697846300899982 :0.3708675801753998 +of:0.05284084379673004 the:0.03313473239541054 to:0.021674156188964844 and:0.019749531522393227 :0.3066294491291046 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +with:0.362054705619812 between:0.12997837364673615 of:0.0554814487695694 is:0.025141045451164246 :0.0320669524371624 +been:0.07899092137813568 a:0.05035032704472542 made:0.03971944749355316 no:0.027913589030504227 :0.14721307158470154 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.042673829942941666 1903,:0.017219316214323044 1916,:0.016472086310386658 Henderson:0.013137859292328358 :0.23835372924804688 +the:0.03141333907842636 e:0.02650483138859272 to:0.015922967344522476 ranged:0.013658052310347557 :0.371737003326416 +and:0.11667025089263916 to:0.030963176861405373 Railroad:0.02256852015852928 in:0.02191370353102684 :0.2584002912044525 +of:0.22226494550704956 the:0.0692816898226738 and:0.04719032719731331 that:0.042380016297101974 :0.08316530287265778 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +that:0.2614949345588684 the:0.1461094468832016 how:0.04725297540426254 what:0.045696038752794266 :0.060715869069099426 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +slaves,:0.12811942398548126 from:0.11634664982557297 slave:0.05786164849996567 slaves:0.03503977879881859 :0.10925612598657608 +What:0.08286402374505997 Why:0.05457953363656998 It:0.04425280913710594 The:0.036063484847545624 :0.2016352266073227 +by:0.12814761698246002 in:0.062009990215301514 with:0.05190543085336685 up:0.04147325083613396 :0.07685286551713943 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +to:0.21281184256076813 was:0.05962226167321205 by:0.04525720328092575 is:0.04270277917385101 :0.04134654253721237 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.09684569388628006 in:0.04910403862595558 interest:0.026822207495570183 regret:0.021261103451251984 :0.24784943461418152 +The:0.1714286208152771 It:0.05384737625718117 He:0.028552846983075142 A:0.028407752513885498 :0.1281391829252243 +ployed:0.03353699669241905 press,:0.0020500996615737677 -:0.0018245368264615536 and:0.0017292159609496593 :0.916440486907959 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +mal:0.031192826107144356 mate:0.015313294716179371 -:0.006459728814661503 .:0.005556722171604633 :0.8697429299354553 +on:0.1104256734251976 the:0.07894778251647949 in:0.07636790722608566 upon:0.07379526644945145 :0.07082147151231766 +of:0.6059541702270508 and:0.033806562423706055 to:0.022559769451618195 is:0.015079083852469921 :0.04565827548503876 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.22323590517044067 the:0.09749414026737213 and:0.07511702179908752 for:0.06124800816178322 :0.05062568932771683 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +upon:0.10406841337680817 the:0.09887625277042389 to:0.07992899417877197 for:0.05725368484854698 :0.14102797210216522 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.11517751216888428 to:0.09323829412460327 and:0.0679909735918045 was:0.024393592029809952 :0.15057960152626038 +and:0.10513556003570557 which:0.0967521071434021 of:0.0967521071434021 in:0.08596919476985931 :0.0830039381980896 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +plat:0.02958892658352852 and:0.02147037908434868 lot:0.01861444301903248 lots:0.009015712887048721 :0.37046241760253906 +of:0.35032919049263 to:0.15227368474006653 and:0.1044754758477211 in:0.028295285999774933 :0.027028338983654976 +and:0.06293074786663055 to:0.06107361614704132 has:0.057285599410533905 of:0.04936811327934265 :0.1381910741329193 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.1500498503446579 was:0.07503150403499603 with:0.0530482642352581 of:0.05257977917790413 :0.05828838050365448 +and:0.11957638710737228 of:0.09175526350736618 in:0.08269701153039932 is:0.07789874821901321 :0.041222117841243744 +that:0.6958174705505371 the:0.09281831979751587 when:0.0298511553555727 in:0.008745519444346428 :0.019266942515969276 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.16895556449890137 to:0.1126488596200943 and:0.07037009298801422 for:0.06869184225797653 :0.048410940915346146 +and:0.07241055369377136 to:0.06643974035978317 in:0.06069028005003929 that:0.03806256875395775 :0.08545370399951935 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5304780602455139 to:0.0513063445687294 and:0.025266189128160477 is:0.018913017585873604 :0.030556948855519295 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +and:0.165361225605011 the:0.06992475688457489 to:0.03234757483005524 on:0.030318016186356544 :0.06406133621931076 +in:0.07591651380062103 as:0.0431092344224453 the:0.037105150520801544 and:0.03665897995233536 :0.05940091237425804 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +to:0.36582037806510925 and:0.12030726671218872 in:0.055695921182632446 of:0.04123950004577637 :0.031448666006326675 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +who:0.11973755061626434 from:0.10018368065357208 of:0.08696123212575912 was:0.03544125333428383 :0.06759738177061081 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.23229782283306122 &:0.02259119413793087 is:0.02212868072092533 in:0.018616383895277977 :0.2020445466041565 +to:0.31961801648139954 and:0.11639809608459473 by:0.09216202795505524 against:0.052979975938797 :0.04864976182579994 +of:0.19603511691093445 for:0.15509384870529175 and:0.12723031640052795 in:0.03400782495737076 :0.03893242031335831 +of:0.4349015951156616 and:0.08961073309183121 which:0.05603652447462082 are:0.01653406023979187 :0.045416489243507385 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +described:0.09157349169254303 the:0.06172392517328262 is:0.017040546983480453 are:0.011781981214880943 :0.20583650469779968 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.09545382857322693 is:0.04026230797171593 growers:0.033717889338731766 from:0.032995402812957764 :0.15104910731315613 +and:0.10052938014268875 Jefferson:0.02484053745865822 H.:0.024582145735621452 A.:0.02353820390999317 :0.3119696378707886 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23123830556869507 and:0.08727200329303741 to:0.04520723223686218 in:0.0368993915617466 :0.06780147552490234 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.21745577454566956 the:0.05141180753707886 but:0.022280510514974594 with:0.01642935536801815 :0.06264171004295349 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +and:0.12950119376182556 the:0.044477250427007675 but:0.03522653877735138 which:0.02765025943517685 :0.062302086502313614 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6630153059959412 that:0.17692424356937408 that,:0.007968871854245663 they:0.007664371281862259 :0.007905583828687668 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.32935386896133423 by:0.03202014043927193 in:0.030497893691062927 and:0.027668608352541924 :0.22044943273067474 +and:0.2807573974132538 which:0.04506120830774307 as:0.03603978827595711 the:0.02928238734602928 :0.05632396042346954 +the:0.15772554278373718 him:0.03913241997361183 a:0.030052537098526955 them:0.018155265599489212 :0.2983904778957367 +said:0.015543493442237377 most:0.009915192611515522 best:0.0073135532438755035 last:0.006569783668965101 :0.3111822307109833 +and:0.17573483288288116 which:0.12599486112594604 but:0.04428987577557564 the:0.04233505576848984 :0.06527361273765564 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +that:0.4045427441596985 the:0.08642800897359848 it:0.04791282117366791 in:0.04674803093075752 :0.03147798031568527 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +to:0.15486270189285278 of:0.09996571391820908 that:0.06542541831731796 and:0.04366029053926468 :0.07556775957345963 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +own:0.04448304697871208 answer:0.01044088788330555 duty:0.0059332167729735374 friends:0.004897722043097019 :0.20047441124916077 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +the:0.0746876671910286 d:0.047154176980257034 a:0.036320921033620834 to:0.011345935985445976 :0.32469677925109863 +and:0.13642063736915588 on:0.06608615070581436 to:0.05132807791233063 in:0.05085804685950279 :0.058002084493637085 +them:0.06462922692298889 a:0.06370687484741211 the:0.06203547492623329 to:0.05158926546573639 :0.0786411240696907 +at:0.09360859543085098 upon:0.05954157933592796 for:0.055093616247177124 after:0.05034773424267769 :0.0671803280711174 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.11927134543657303 It:0.04749399051070213 I:0.036111459136009216 In:0.03250967711210251 :0.18097898364067078 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +Christ:0.13674749433994293 Christ.:0.10963355749845505 was:0.053407974541187286 had:0.03546366095542908 :0.131726935505867 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +property:0.03509614244103432 and:0.027003737166523933 letter:0.011792234145104885 or:0.010764597915112972 :0.39134323596954346 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ington:0.6798104643821716 ington,:0.04790954664349556 burn:0.001989841926842928 the:0.0012454054085537791 :0.23071996867656708 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6267273426055908 and:0.029845573008060455 to:0.024138133972883224 from:0.023444775491952896 :0.028669992461800575 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +and:0.118754543364048 of:0.07573989033699036 in:0.05445144325494766 to:0.05346054583787918 :0.05391865223646164 +and:0.11064009368419647 of:0.06982377171516418 the:0.04017020761966705 in:0.03813361003994942 :0.07689812779426575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.05091686546802521 and:0.044750966131687164 in:0.0222275722771883 to:0.021367905661463737 :0.2453964799642563 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.34138956665992737 was:0.04042038694024086 in:0.034636326134204865 and:0.03205530717968941 :0.04393204674124718 +to:0.8024579882621765 to,:0.035352930426597595 to.:0.025761032477021217 the:0.013331442140042782 :0.03340037539601326 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.26447051763534546 dollars:0.05790615826845169 yards:0.05209307745099068 feet:0.020143795758485794 :0.1843247413635254 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.07731343805789948 of:0.07294002175331116 were:0.06361716985702515 to:0.05796581506729126 :0.0745149478316307 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.2252914160490036 I:0.07113062590360641 but:0.04251871630549431 as:0.033539555966854095 :0.10638877749443054 +to:0.044142648577690125 increased:0.042320843786001205 in:0.018214505165815353 increase:0.011096645146608353 :0.4396042823791504 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.2392548769712448 but:0.04414675012230873 the:0.035965029150247574 as:0.026197312399744987 :0.1130015105009079 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05963953211903572 Railroad:0.05341188609600067 coast:0.05180307477712631 railroad:0.035234738141298294 :0.2558220326900482 +and:0.21059957146644592 the:0.047688078135252 but:0.0421493835747242 in:0.028031032532453537 :0.07465068250894547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +the:0.1548973023891449 a:0.09206899255514145 up:0.041059792041778564 care:0.02844158187508583 :0.07705828547477722 +and:0.14255866408348083 but:0.07873257994651794 the:0.037900637835264206 to:0.032471660524606705 :0.0726967379450798 +of:0.11725454777479172 in:0.10175454616546631 a:0.05968193709850311 to:0.04352031648159027 :0.04333595186471939 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +of:0.39631161093711853 and:0.11958212405443192 as:0.0351175032556057 or:0.025035137310624123 :0.030702754855155945 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +were:0.10951419919729233 of:0.10389649122953415 to:0.058698784559965134 and:0.04455260932445526 :0.10698924213647842 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +of:0.6286871433258057 and:0.04056138917803764 ot:0.02305067516863346 in:0.01746133342385292 :0.017837507650256157 +and:0.28846338391304016 but:0.03825073689222336 the:0.0314912311732769 as:0.015553560107946396 :0.17573045194149017 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.20370817184448242 a:0.14418131113052368 to:0.03658048436045647 of:0.02346768230199814 :0.11000373214483261 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.15392808616161346 It:0.04913587123155594 I:0.03579162061214447 In:0.02234463579952717 :0.19685392081737518 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.11725454777479172 in:0.10175454616546631 a:0.05968193709850311 to:0.04352031648159027 :0.04333595186471939 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.09192241728305817 death.:0.06656212359666824 he:0.04114089906215668 death:0.03980979323387146 :0.128639817237854 +of:0.4313358664512634 for:0.10782758891582489 to:0.07260753959417343 and:0.05732128024101257 :0.0333525612950325 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +ready:0.18694446980953217 ways:0.15821409225463867 most:0.1147259846329689 lowed:0.09211716800928116 :0.18354153633117676 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.39590105414390564 them:0.04045192152261734 other:0.03521588072180748 those:0.034263964742422104 :0.07374279201030731 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +from:0.13569322228431702 and:0.07242511957883835 of:0.05713644251227379 to:0.05011510103940964 :0.20563970506191254 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +the:0.16689828038215637 of:0.1414046287536621 they:0.10606171190738678 it:0.07918792963027954 :0.04231705144047737 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +It:0.07562027871608734 The:0.035354144871234894 I:0.026638789102435112 If:0.02121334709227085 :0.21061979234218597 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.10239362716674805 and:0.08003970235586166 was:0.03286077827215195 is:0.029579101130366325 :0.09215115010738373 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4893469214439392 to:0.05837736651301384 due:0.019834989681839943 claimed:0.015283402055501938 :0.03784896060824394 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +little:0.05156800150871277 young:0.024942055344581604 and:0.023358680307865143 to:0.02328910306096077 :0.10950107872486115 +to:0.1192973256111145 by:0.07590396702289581 from:0.06788928806781769 up:0.04530385136604309 :0.055026620626449585 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +to:0.22219349443912506 of:0.14326244592666626 against:0.08144986629486084 and:0.07215423882007599 :0.052336495369672775 +for:0.10707222670316696 with:0.07679800689220428 to:0.0658893957734108 was:0.04862811043858528 :0.08668418973684311 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +and:0.1144116073846817 of:0.09069159626960754 to:0.04567105695605278 were:0.04348476603627205 :0.07134448736906052 +the:0.4774787724018097 said:0.06674261391162872 with:0.044080715626478195 tho:0.01826210878789425 :0.04593053087592125 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +as:0.17118990421295166 shall:0.10028458386659622 to:0.06536661088466644 and:0.045510560274124146 :0.06325668841600418 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +2:0.13071444630622864 1,:0.04689938947558403 1:0.040446825325489044 3:0.03309953585267067 :0.24890197813510895 +ready:0.18694446980953217 ways:0.15821409225463867 most:0.1147259846329689 lowed:0.09211716800928116 :0.18354153633117676 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.19821788370609283 the:0.03788105025887489 in:0.03520015627145767 which:0.02819482982158661 :0.034548092633485794 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.20610538125038147 by:0.0873866155743599 the:0.08182645589113235 suicide:0.07702866196632385 :0.07215575873851776 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Western:0.09576433151960373 is:0.07028594613075256 was:0.04259302467107773 per:0.04061570018529892 :0.14392349123954773 +and:0.14912933111190796 but:0.07039162516593933 the:0.028741000220179558 as:0.02622080408036709 :0.056464359164237976 +in:0.5166383981704712 In:0.1262841522693634 on:0.057502008974552155 and:0.05383125692605972 :0.03346368670463562 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +and:0.1430119127035141 but:0.11391953378915787 the:0.06328298151493073 that:0.058124151080846786 :0.0655311569571495 +and:0.10870200395584106 or:0.08711490780115128 to:0.046394314616918564 of:0.04591266065835953 :0.16933928430080414 +in:0.17266155779361725 at:0.047866567969322205 a:0.03846225515007973 as:0.03512649983167648 :0.13050192594528198 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +on:0.1104256734251976 the:0.07894778251647949 in:0.07636790722608566 upon:0.07379526644945145 :0.07082147151231766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +health.:0.04369505122303963 and:0.02579016424715519 the:0.0189043115824461 in:0.016815654933452606 :0.40507492423057556 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +He:0.1192312017083168 The:0.07832956314086914 It:0.040300484746694565 I:0.03143010661005974 :0.151652991771698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07298959046602249 that:0.01338025089353323 a:0.011399323120713234 to:0.00955590046942234 :0.17182262241840363 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +one:0.07618478685617447 the:0.06959878653287888 a:0.06811724603176117 about:0.041302669793367386 :0.20573864877223969 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.14842472970485687 the:0.03633357584476471 in:0.0345173217356205 Minnesota,:0.02582276053726673 :0.11117427051067352 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +estate:0.20684802532196045 estate,:0.07233836501836777 and:0.055065467953681946 property:0.04468785971403122 :0.22727474570274353 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +the:0.2713748812675476 a:0.05511796101927757 any:0.030423805117607117 and:0.029622819274663925 :0.08957045525312424 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +of:0.20771414041519165 to:0.17525029182434082 and:0.0348842553794384 from:0.01508740521967411 :0.15009470283985138 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.021323584020137787 J.:0.014523251913487911 R:0.012426471337676048 Pierce's:0.011717194691300392 :0.5844763517379761 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +of:0.26720574498176575 and:0.050651729106903076 to:0.026685670018196106 is:0.010998842306435108 :0.3250967860221863 +the:0.08139596879482269 a:0.05775263532996178 to:0.04614459350705147 for:0.03874116390943527 :0.056087296456098557 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1630878895521164 it:0.07275082170963287 he:0.06501879543066025 they:0.05196529999375343 :0.11972366273403168 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +John:0.11686719208955765 Henry:0.06245650723576546 Thomas:0.054650165140628815 James:0.052456848323345184 :0.35085630416870117 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.016301270574331284 in:0.009357894770801067 to:0.009030125103890896 a:0.007203585468232632 :0.5164937376976013 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +18,:0.08832941204309464 range:0.05418799817562103 and:0.03549222648143768 inclusive,:0.02745894156396389 :0.32363829016685486 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.016338661313056946 men:0.006372291594743729 said:0.004764499142765999 United:0.004277997184544802 :0.5269260406494141 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +and:0.14759886264801025 a:0.06893133372068405 in:0.05745691806077957 for:0.050816722214221954 :0.08872040361166 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.44923681020736694 is:0.0854751393198967 was:0.04439901188015938 and:0.02887897565960884 :0.0484636090695858 +miles:0.08087441325187683 pounds:0.04017549753189087 to:0.03933696821331978 acres:0.03803558275103569 :0.19237838685512543 +to:0.20786012709140778 the:0.06717269867658615 of:0.0473659448325634 in:0.04363975301384926 :0.08370398730039597 +and:0.0620097741484642 pig:0.008097712881863117 or:0.006079488433897495 man:0.004929954186081886 :0.49014371633529663 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +or:0.12655989825725555 who:0.08761545270681381 shall:0.059551093727350235 to:0.054939210414886475 :0.05548999831080437 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13984300196170807 and:0.0927429348230362 in:0.07798473536968231 to:0.04298917204141617 :0.16396115720272064 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +years:0.10946635901927948 days:0.04829343408346176 days,:0.04671464115381241 miles:0.036352891474962234 :0.2682712972164154 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +of:0.34483885765075684 in:0.1643063724040985 and:0.12456714361906052 to:0.03122594580054283 :0.05358743667602539 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.8597803115844727 ot:0.017888018861413002 ol:0.007692296989262104 the:0.004134336952120066 :0.013382126577198505 +the:0.09192241728305817 death.:0.06656212359666824 he:0.04114089906215668 death:0.03980979323387146 :0.128639817237854 +I:0.08311386406421661 that:0.07609034329652786 the:0.0359351821243763 it:0.03433127701282501 :0.06948461383581161 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +and:0.15782052278518677 who:0.04457515850663185 the:0.02866184525191784 to:0.02762424759566784 :0.11209099739789963 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +for:0.1908465474843979 the:0.11163502186536789 that:0.09473930299282074 him:0.026403164491057396 :0.13545261323451996 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +TO:0.020393744111061096 .:0.019903643056750298 and:0.01958458498120308 to:0.019279740750789642 :0.5032434463500977 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +eral:0.682476282119751 erally:0.06523189693689346 en:0.024309564381837845 ral:0.004099739715456963 :0.15140019357204437 +the:0.14931446313858032 this:0.09486787021160126 their:0.045233555138111115 a:0.03602847829461098 :0.03351631015539169 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.10521112382411957 to:0.06929780542850494 for:0.032178930938243866 on:0.02582809515297413 :0.10547483712434769 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +of:0.657863974571228 and:0.011061465367674828 one:0.010266600176692009 ot:0.010105748660862446 :0.0484030656516552 +of:0.13846442103385925 to:0.059337664395570755 and:0.04548339545726776 in:0.0399024598300457 :0.08677542209625244 +and:0.1712867021560669 but:0.028820540755987167 where:0.02524609863758087 in:0.025048604235053062 :0.11421258747577667 +to:0.09795942157506943 that:0.06981083750724792 of:0.05209944397211075 in:0.05002368986606598 :0.08183926343917847 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +cents:0.22628383338451385 per:0.06741029769182205 cents,:0.06690981984138489 to:0.041596218943595886 :0.12094682455062866 +of:0.08345820009708405 on:0.07689372450113297 the:0.04224831610918045 at:0.03998493403196335 :0.10445535182952881 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Y.:0.13309691846370697 C:0.059923265129327774 Y:0.04703951254487038 J:0.0440911129117012 :0.2137855887413025 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +all:0.09476007521152496 every:0.06474842131137848 a:0.06200682371854782 as:0.031045453622937202 :0.24326759576797485 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +money:0.1690186858177185 of:0.15300293266773224 the:0.05785484239459038 price:0.05533353611826897 :0.070016048848629 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +room:0.2446652054786682 room,:0.1756274551153183 room.:0.09535986185073853 the:0.08861044049263 :0.08908748626708984 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +said:0.016014106571674347 same:0.011607070453464985 United:0.007348593324422836 great:0.006914914585649967 :0.21699903905391693 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.11673231422901154 in:0.040224652737379074 to:0.036895059049129486 by:0.03324856981635094 :0.11993439495563507 +in:0.05378060042858124 by:0.019793005660176277 above,:0.019718077033758163 and:0.017699308693408966 :0.22646388411521912 +and:0.1627853959798813 but:0.046981438994407654 the:0.037585385143756866 or:0.021430891007184982 :0.06921817362308502 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.42879217863082886 the:0.05639713630080223 in:0.0377148762345314 and:0.027652010321617126 :0.04382414370775223 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +and:0.09406395256519318 the:0.05139019712805748 as:0.05124811828136444 is:0.04244896396994591 :0.09436935931444168 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +who:0.04945944994688034 was:0.0316549651324749 citizens,:0.026730844751000404 citizens:0.02565118856728077 :0.20643718540668488 +in:0.09659571200609207 to:0.07256924360990524 of:0.04655748978257179 was:0.0336652509868145 :0.06924952566623688 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +of:0.18048407137393951 and:0.05573243275284767 in:0.0363180972635746 to:0.02057858556509018 :0.35103556513786316 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.6175847053527832 meeting:0.026485418900847435 and:0.017286958172917366 ot:0.016406329348683357 :0.04073319956660271 +and:0.1716465950012207 to:0.05881528928875923 is:0.057634178549051285 has:0.04772883281111717 :0.06659753620624542 +or:0.09925073385238647 of:0.08686471730470657 to:0.08335887640714645 can:0.046365659683942795 :0.06279639154672623 +of:0.05561194196343422 Six:0.041427552700042725 6:0.025734571740031242 and:0.011826697736978531 :0.48699507117271423 +min.:0.07319532334804535 deg.:0.04498209431767464 cents:0.04002442583441734 minutes:0.03344821557402611 :0.2031346559524536 +and:0.22015859186649323 or:0.033388521522283554 the:0.03148296847939491 that:0.024456771090626717 :0.05466536432504654 +The:0.13358265161514282 I:0.07778606563806534 It:0.06254550069570541 He:0.030687684193253517 :0.15084372460842133 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +that:0.21184885501861572 the:0.06320330500602722 a:0.039465125650167465 it:0.02844158001244068 :0.0987531915307045 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13679145276546478 but:0.05561978369951248 the:0.03592044115066528 to:0.02386549860239029 :0.050805337727069855 +and:0.07688988745212555 conditions:0.018692050129175186 circles:0.015030961483716965 life:0.014113489538431168 :0.36153489351272583 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.489910364151001 to:0.059017620980739594 in:0.031844694167375565 and:0.029783889651298523 :0.0701136663556099 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.09930849820375443 It:0.06488551944494247 They:0.049458425492048264 In:0.033815834671258926 :0.15618398785591125 +to:0.6569114923477173 that:0.10367248207330704 be:0.030956069007515907 he:0.011765699833631516 :0.01915394887328148 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.13536228239536285 He:0.05070299282670021 This:0.04574792459607124 A:0.03919539228081703 :0.1648455113172531 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.031810615211725235 loss:0.01253246609121561 change:0.010007030330598354 increase:0.00935931783169508 :0.43863898515701294 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.17666976153850555 and:0.0930754691362381 are:0.03212006762623787 that:0.02524322085082531 :0.04219149798154831 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1639879196882248 a:0.07136811316013336 and:0.06850478798151016 from:0.03271183744072914 :0.061656318604946136 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.8356828093528748 and:0.03129424899816513 of:0.018138304352760315 lo:0.006118444725871086 :0.008241700939834118 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +The:0.16941241919994354 It:0.050503604114055634 In:0.03746366873383522 There:0.02940848469734192 :0.13649432361125946 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10627610236406326 of:0.09588814526796341 is:0.037362728267908096 was:0.033933527767658234 :0.07647224515676498 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.09729010611772537 in:0.07676874101161957 and:0.06867628544569016 with:0.04964900016784668 :0.08989891409873962 +.:0.27870669960975647 W:0.02773839235305786 J:0.016614221036434174 H:0.014257206581532955 :0.31039807200431824 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +of:0.1714218705892563 about:0.15815679728984833 to:0.0728023424744606 with:0.055756546556949615 :0.07930977642536163 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +to:0.2337481528520584 for:0.10890605300664902 and:0.03482506796717644 as:0.023444179445505142 :0.029903830960392952 +of:0.18868426978588104 is:0.09020184725522995 in:0.048464734107255936 and:0.035438064485788345 :0.051854778081178665 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23748289048671722 a:0.06004078686237335 tho:0.021919403225183487 this:0.018624989315867424 :0.25070086121559143 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05410369485616684 as:0.04391871765255928 school:0.03871015086770058 prices:0.022470077499747276 :0.17330212891101837 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.28119322657585144 to:0.18362218141555786 at:0.11979900300502777 with:0.03186962753534317 :0.037088047713041306 +and:0.22177726030349731 the:0.040342215448617935 but:0.028193140402436256 or:0.02692507952451706 :0.0723956823348999 +and:0.10494903475046158 to:0.07042326778173447 for:0.05300963670015335 is:0.04061751440167427 :0.07385371625423431 +plies:0.22703757882118225 ply:0.14607711136341095 posed:0.1276061236858368 plied:0.07948196679353714 :0.14794383943080902 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.22524850070476532 the:0.04488515108823776 on:0.027079125866293907 to:0.026905816048383713 :0.054774705320596695 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.2265436351299286 to:0.07689931988716125 was:0.041056543588638306 in:0.03830792382359505 :0.05705858767032623 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.078427754342556 in:0.05989566817879677 of:0.043706852942705154 however,:0.04111083969473839 :0.07687488943338394 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6084538698196411 to:0.03306638076901436 and:0.029668280854821205 through:0.021526185795664787 :0.029056360945105553 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.060412805527448654 in:0.03816591948270798 on:0.032627034932374954 the:0.023062335327267647 :0.2699730098247528 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +the:0.24463897943496704 for:0.06494514644145966 a:0.048490095883607864 said:0.04220549389719963 :0.06664276868104935 +The:0.16638770699501038 It:0.07426749914884567 I:0.05281035229563713 There:0.03480953723192215 :0.19508148729801178 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12185921519994736 of:0.10605249553918839 to:0.04419897124171257 between:0.040704257786273956 :0.06966879218816757 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +by:0.2449275553226471 to:0.1498766541481018 a:0.06074894592165947 in:0.048274971544742584 :0.05070263519883156 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.052721112966537476 and:0.03411629796028137 to:0.033120084553956985 of:0.031637873500585556 :0.22504156827926636 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +part:0.043064676225185394 and:0.022153381258249283 states:0.02134033665060997 boundaries:0.016038447618484497 :0.21567009389400482 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6381062269210815 the:0.05453955754637718 a:0.053335096687078476 for:0.013956127688288689 :0.07823636382818222 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +with:0.3740175664424896 by:0.049408283084630966 to:0.049233660101890564 that:0.04864761233329773 :0.0577387735247612 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.25306496024131775 but:0.0393102765083313 the:0.028226494789123535 he:0.019270073622465134 :0.07624730467796326 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +of:0.3619019687175751 and:0.0926496759057045 are:0.0717940405011177 were:0.027806198224425316 :0.06416529417037964 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +m:0.2422453761100769 m.,:0.21376733481884003 m.:0.050321321934461594 in.:0.011584809049963951 :0.35146066546440125 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +der:0.299946129322052 til:0.07186579704284668 less:0.027740532532334328 able:0.017001621425151825 :0.2898145020008087 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.4351239800453186 long,:0.022078290581703186 and:0.017845697700977325 In:0.015055269002914429 :0.12483321130275726 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +cause:0.20573176443576813 ing:0.17175373435020447 fore:0.10058630257844925 tween:0.09474673122167587 :0.11006127297878265 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +2:0.08218573778867722 one:0.0696616843342781 1:0.022281907498836517 3:0.019537316635251045 :0.24907511472702026 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +y:0.020999448373913765 ir:0.015114418230950832 the:0.007846701890230179 and:0.006353563629090786 :0.23485510051250458 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +to:0.6170181035995483 by:0.06359153240919113 a:0.05034559965133667 the:0.024393463507294655 :0.022608725354075432 +party:0.26771798729896545 party,:0.14677278697490692 candi-:0.01756945066154003 members:0.014215825125575066 :0.2194165587425232 +and:0.11049077659845352 E.:0.019042199477553368 C.:0.016514858230948448 B.:0.014974371530115604 :0.4293800890445709 +acres:0.05145103484392166 per:0.04671334847807884 to:0.04559947922825813 years:0.04326463118195534 :0.22804242372512817 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +adjournment:0.04593043029308319 result:0.02764778584241867 decree:0.020890073850750923 report:0.016648903489112854 :0.3194820284843445 +and:0.12283533811569214 the:0.051682475954294205 as:0.036141104996204376 or:0.026430189609527588 :0.08113502711057663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +of:0.6175847053527832 meeting:0.026485418900847435 and:0.017286958172917366 ot:0.016406329348683357 :0.04073319956660271 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.14341320097446442 It:0.08467739820480347 He:0.050128065049648285 There:0.037914812564849854 :0.09432277828454971 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.06803090870380402 the:0.05182437598705292 for:0.02054675482213497 to:0.0200026985257864 :0.11002801358699799 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.10988786071538925 who:0.041189853101968765 which:0.028701594099402428 but:0.023321591317653656 :0.0792519822716713 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.247771218419075 or:0.23128032684326172 the:0.037215884774923325 to:0.028228694573044777 :0.049266379326581955 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.07733438909053802 at:0.06193719431757927 in:0.05997573956847191 of:0.051954422146081924 :0.11821800470352173 +of:0.3019457161426544 was:0.04862896725535393 is:0.04426603019237518 that:0.032535258680582047 :0.04322110861539841 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +He:0.1192312017083168 The:0.07832956314086914 It:0.040300484746694565 I:0.03143010661005974 :0.151652991771698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.19456607103347778 a:0.10399990528821945 in:0.08310123533010483 the:0.0674191266298294 :0.09882985800504684 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.672929048538208 and:0.04268185421824455 ot:0.017705662176012993 to:0.008594982326030731 :0.030167490243911743 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.12107282131910324 of:0.1189558133482933 and:0.09026189148426056 that:0.07295023649930954 :0.05603732168674469 +and:0.13447122275829315 where:0.049503929913043976 the:0.04656461626291275 which:0.03407568857073784 :0.15791594982147217 +and:0.08520127087831497 was:0.06031357869505882 of:0.04901818558573723 is:0.04602096974849701 :0.0777551457285881 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3862251937389374 to:0.15467914938926697 in:0.0395849235355854 is:0.03562444821000099 :0.03314817696809769 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.20908485352993011 to:0.06611141562461853 from:0.05235008895397186 and:0.04121742770075798 :0.03971164673566818 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +and:0.05135659500956535 Church:0.027417493984103203 Episcopal:0.02692228928208351 Church,:0.02467910759150982 :0.3190377652645111 +and:0.040092382580041885 12,:0.02618592418730259 12:0.026033448055386543 12.:0.021271442994475365 :0.40368008613586426 +and:0.18741902709007263 the:0.0714862048625946 to:0.036169346421957016 which:0.024636292830109596 :0.1189965158700943 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.10453063994646072 of:0.0827498659491539 and:0.04948617145419121 the:0.03799379989504814 :0.071561299264431 +to:0.2605377435684204 into:0.05381183698773384 on:0.04710131138563156 out:0.03876684606075287 :0.081917904317379 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +on:0.14476262032985687 of:0.13957007229328156 to:0.07911794632673264 was:0.04416608810424805 :0.06290310621261597 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +of:0.5026524662971497 to:0.11770984530448914 the:0.0408686064183712 from:0.035513490438461304 :0.04782366752624512 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23102547228336334 and:0.0929512083530426 issued:0.06444497406482697 was:0.03888548165559769 :0.035835590213537216 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +of:0.11509788036346436 the:0.05965251475572586 after:0.05130907893180847 to:0.045727748423814774 :0.05874241888523102 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.13214729726314545 was:0.08384814113378525 of:0.03710336983203888 has:0.03307878598570824 :0.18578492105007172 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1032262071967125 than:0.039298783987760544 have:0.03686591610312462 having:0.03637970983982086 :0.2229471355676651 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +most:0.010229216888546944 said:0.008809289894998074 first:0.008408877067267895 State:0.006295645609498024 :0.4870438873767853 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +matter:0.1003635972738266 matter,:0.03682473674416542 and:0.02829842083156109 curiosity:0.012028341181576252 :0.37058261036872864 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +H.:0.029865626245737076 W:0.029710689559578896 J:0.025958722457289696 A.:0.024237588047981262 :0.3431944251060486 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +the:0.06938191503286362 be:0.04399369657039642 not:0.042489394545555115 a:0.03881790116429329 :0.12634198367595673 +a:0.026083948090672493 the:0.02586725540459156 to:0.01820608414709568 in:0.017298301681876183 :0.19565770030021667 +of:0.5452930927276611 was:0.040740005671978 and:0.025540217757225037 in:0.019967859610915184 :0.03353513777256012 +of:0.11063162982463837 and:0.07916037738323212 or:0.057095520198345184 to:0.05114269256591797 :0.10521155595779419 +and:0.07080850750207901 is:0.03110934980213642 of:0.02775762230157852 or:0.02380570024251938 :0.19719289243221283 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.10267546027898788 a:0.053029220551252365 the:0.04280104488134384 have:0.04004745930433273 :0.15191881358623505 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.0247640497982502 of:0.009918244555592537 and:0.009710030630230904 the:0.009428584948182106 :0.41280069947242737 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12284047156572342 of:0.03971127048134804 that:0.02266480028629303 other:0.014250789768993855 :0.16207119822502136 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +of:0.185770183801651 payment:0.05077056959271431 and:0.0432809554040432 amount:0.019827356562018394 :0.16213443875312805 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.09105207771062851 I:0.040670245885849 It:0.04053247720003128 There:0.04007982462644577 :0.13711410760879517 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +in:0.23932285606861115 to:0.1701057106256485 and:0.07566773891448975 In:0.039181455969810486 :0.039428893476724625 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.15697121620178223 by:0.14926564693450928 and:0.06289861351251602 a:0.031502045691013336 :0.07673541456460953 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +It:0.09808588773012161 The:0.09275680780410767 In:0.0383901484310627 There:0.03200651332736015 :0.1921972930431366 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +most:0.010229216888546944 said:0.008809289894998074 first:0.008408877067267895 State:0.006295645609498024 :0.4870438873767853 +and:0.06706920266151428 morning:0.06258843839168549 afternoon:0.05232173949480057 in:0.03775777295231819 :0.11737789958715439 +terest:0.09443896263837814 creased:0.029662951827049255 stead:0.02578776143491268 dependent:0.02166767418384552 :0.5733004808425903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +feet:0.28387635946273804 ft.:0.07894501835107803 feet,:0.026638293638825417 lbs.:0.018233349546790123 :0.13519258797168732 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +plication:0.08523830771446228 pearance:0.06297300010919571 peared:0.04851569980382919 pointed:0.04608582705259323 :0.5585995316505432 +to:0.39320775866508484 by:0.29901719093322754 the:0.036070991307497025 for:0.02243022620677948 :0.029323307797312737 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.24720586836338043 by:0.055147938430309296 him:0.04900318384170532 and:0.03156624361872673 :0.059512052685022354 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +and:0.20193487405776978 the:0.050721585750579834 as:0.044743288308382034 which:0.037693221122026443 :0.07632314413785934 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +or:0.08170058578252792 hundred:0.06365083903074265 years:0.04457060247659683 (8):0.03322882577776909 :0.2112729847431183 +of:0.360676109790802 and:0.12104005366563797 were:0.037830572575330734 are:0.036972612142562866 :0.035404641181230545 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +for:0.2514328956604004 to:0.10275880247354507 of:0.07870582491159439 are:0.04398522153496742 :0.053075384348630905 +in:0.450793981552124 In:0.1296578049659729 on:0.11409439146518707 within:0.030246004462242126 :0.030718307942152023 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +in:0.24516183137893677 and:0.08641283214092255 are:0.05880246311426163 who:0.04255644232034683 :0.04200340434908867 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.13431593775749207 It:0.08403193205595016 In:0.057792313396930695 He:0.05047186091542244 :0.11488673090934753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.31968146562576294 the:0.10057621449232101 from:0.05269663408398628 by:0.04241475462913513 :0.06923593580722809 +mortgage:0.05769551172852516 that:0.040674857795238495 deed:0.0221566092222929 to:0.019638730213046074 :0.18850070238113403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.28415340185165405 of:0.13320466876029968 are:0.05678398162126541 in:0.03030342236161232 :0.054901909083127975 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.08436189591884613 be:0.029560454189777374 a:0.019718466326594353 tho:0.01588033325970173 :0.18747669458389282 +of:0.08714103698730469 in:0.08665936440229416 to:0.07097350805997849 below:0.07051245123147964 :0.07496507465839386 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +whole:0.00871424749493599 same:0.007476793136447668 said:0.006490451283752918 United:0.006436181254684925 :0.39759838581085205 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05148844048380852 to:0.037268612533807755 is:0.032358307391405106 in:0.030010424554347992 :0.0852578654885292 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.09973882138729095 be:0.05539629980921745 a:0.028246572241187096 in:0.017041468992829323 :0.16421474516391754 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.3114728629589081 of:0.21687355637550354 is:0.032260168343782425 and:0.02124396525323391 :0.04356854781508446 +days:0.0883869081735611 years:0.056672316044569016 weeks:0.03694196790456772 of:0.03585732355713844 :0.18065567314624786 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +morning:0.14771732687950134 of:0.07963396608829498 night:0.0711597427725792 in:0.04363909736275673 :0.088313028216362 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +by:0.24395067989826202 as:0.21007472276687622 in:0.07960931956768036 and:0.04562290757894516 :0.12273784726858139 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.6676996350288391 the:0.03688574582338333 at:0.01861940324306488 a:0.017663786187767982 :0.058274488896131516 +the:0.06870195269584656 is:0.05305704474449158 was:0.043717581778764725 he:0.03999675065279007 :0.12274475395679474 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09914737194776535 and:0.09134946763515472 in:0.061381448060274124 with:0.04912156984210014 :0.07890848070383072 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.7014620304107666 and:0.06009896099567413 that:0.014426370151340961 the:0.012674223631620407 :0.033383533358573914 +to:0.3114728629589081 of:0.21687355637550354 is:0.032260168343782425 and:0.02124396525323391 :0.04356854781508446 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3742508292198181 a:0.07524329423904419 his:0.05648865923285484 and:0.02380579337477684 :0.09344741702079773 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +bor:0.6304465532302856 dies:0.018290426582098007 test:0.00800378154963255 boring:0.005905193276703358 :0.20235204696655273 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.14030452072620392 is:0.09177719056606293 was:0.08969667553901672 to:0.04467911273241043 :0.044100213795900345 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.18117661774158478 of:0.049602072685956955 a:0.040453989058732986 N.:0.030407998710870743 :0.06503715366125107 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +M:0.012493905611336231 M.:0.011368554085493088 F.:0.009944504126906395 A:0.009774581529200077 :0.6336593627929688 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.28252479434013367 at:0.16381530463695526 the:0.05063308775424957 for:0.042792171239852905 :0.03574494272470474 +for:0.23619605600833893 of:0.23443642258644104 to:0.14221595227718353 was:0.02432076632976532 :0.024004146456718445 +and:0.10253413021564484 was:0.0314825065433979 to:0.024239758029580116 had:0.023008910939097404 :0.29350313544273376 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1095256358385086 who:0.0777999684214592 in:0.06915444135665894 shall:0.049758441746234894 :0.05420257896184921 +The:0.14341320097446442 It:0.08467739820480347 He:0.050128065049648285 There:0.037914812564849854 :0.09432277828454971 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +to:0.4240747094154358 a:0.0635984018445015 the:0.05275452882051468 him:0.02391604706645012 :0.039335209876298904 +the:0.08436189591884613 be:0.029560454189777374 a:0.019718466326594353 tho:0.01588033325970173 :0.18747669458389282 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +to:0.29729369282722473 of:0.13033461570739746 for:0.04570687562227249 the:0.04137222841382027 :0.04871493950486183 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +from:0.24989090859889984 with:0.0846153199672699 the:0.0780000314116478 and:0.0472780205309391 :0.04162170737981796 +a:0.10382786393165588 the:0.07048171758651733 very:0.051332976669073105 so:0.038885168731212616 :0.20304261147975922 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +deg.:0.035532549023628235 feet:0.031152456998825073 39:0.028968216851353645 and:0.027863765135407448 :0.3708117604255676 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +The:0.1331969052553177 I:0.04994351044297218 He:0.035220030695199966 This:0.02937041036784649 :0.13906630873680115 +the:0.1262235790491104 be:0.03281152993440628 this:0.032629046589136124 make:0.02925747074186802 :0.2319391667842865 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.1818421334028244 from:0.10257984697818756 and:0.06003938615322113 to:0.05561050400137901 :0.07177955657243729 +and:0.08723954111337662 at:0.04318828880786896 engines:0.018868915736675262 to:0.01728855073451996 :0.3404684364795685 +of:0.21562562882900238 and:0.08926241099834442 the:0.03336801752448082 to:0.03245611488819122 :0.11001940816640854 +who:0.04945944994688034 was:0.0316549651324749 citizens,:0.026730844751000404 citizens:0.02565118856728077 :0.20643718540668488 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.5775008797645569 and:0.034895751625299454 to:0.02929861471056938 was:0.0261477492749691 :0.03747076541185379 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +and:0.06512810289859772 John:0.011350620537996292 Payne:0.008141090162098408 Gilbert:0.006692684255540371 :0.6193728446960449 +of:0.3009198009967804 that:0.12671631574630737 to:0.03290852904319763 was:0.027390817180275917 :0.05954383313655853 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +in:0.07661786675453186 up:0.06805740296840668 on:0.03784679248929024 the:0.03691430017352104 :0.10569887608289719 +been:0.1345416158437729 in:0.025725241750478745 made:0.018413575366139412 the:0.016796983778476715 :0.15334509313106537 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +organs:0.01311163604259491 to:0.010117572732269764 mind:0.009250462986528873 and:0.009076112881302834 :0.5269355773925781 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10293618589639664 was:0.0534241609275341 to:0.04172157496213913 of:0.0401761569082737 :0.10252445936203003 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.016392594203352928 attention:0.016086198389530182 disorder:0.014021388255059719 part:0.011911663226783276 :0.18589438498020172 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +of:0.17666976153850555 and:0.0930754691362381 are:0.03212006762623787 that:0.02524322085082531 :0.04219149798154831 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1585543006658554 tho:0.033081214874982834 a:0.02790134958922863 once:0.024541763588786125 :0.2612431049346924 +of:0.2122030258178711 in:0.07170002162456512 and:0.07045484334230423 to:0.050342537462711334 :0.0774046778678894 +the:0.09139563143253326 a:0.0319611094892025 I:0.01203178707510233 he:0.011782879009842873 :0.42308858036994934 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.20729000866413116 in:0.09236091375350952 under:0.06328225135803223 upon:0.04338287562131882 :0.17872191965579987 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +The:0.16287459433078766 It:0.05158514156937599 There:0.05071428045630455 I:0.04305572062730789 :0.19475844502449036 +The:0.12261530011892319 It:0.041408464312553406 I:0.03921648859977722 When:0.023423656821250916 :0.15853334963321686 +in:0.3011935353279114 of:0.08472955226898193 books:0.038807205855846405 and:0.030829524621367455 :0.06311514228582382 +of:0.3883739113807678 which:0.04086053743958473 and:0.04033040255308151 to:0.038388967514038086 :0.04582668095827103 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.07795627415180206 sir,:0.06065916642546654 the:0.04094504937529564 I:0.03240067511796951 :0.0758855864405632 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.18537814915180206 to:0.08191987872123718 in:0.0630871132016182 is:0.03964659571647644 :0.03870263323187828 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.07791231572628021 and:0.06878551095724106 girl.:0.062158383429050446 who:0.037018582224845886 :0.18106813728809357 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +The:0.13377101719379425 It:0.10842441022396088 He:0.034175511449575424 I:0.032251641154289246 :0.14036153256893158 +to:0.16192376613616943 and:0.08144694566726685 in:0.062277622520923615 as:0.029133647680282593 :0.23119863867759705 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.28659263253211975 time:0.029587145894765854 people:0.02211320772767067 years:0.020495442673563957 :0.13207150995731354 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +was:0.033653318881988525 and:0.02988456003367901 of:0.011912734247744083 is:0.00903217401355505 :0.6131928563117981 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.15986128151416779 the:0.0677567571401596 as:0.03328665345907211 when:0.02989042177796364 :0.09154462814331055 +the:0.014258090406656265 was:0.014092568308115005 to:0.014005213044583797 .:0.010697846300899982 :0.3708675801753998 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.07053504139184952 off:0.05935359373688698 down:0.05150659754872322 in:0.045365914702415466 :0.09572723507881165 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.330519437789917 that:0.1587153822183609 upon:0.14770358800888062 with:0.04248707741498947 :0.047144606709480286 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.034468136727809906 a:0.016953542828559875 to:0.01573801040649414 that:0.010669076815247536 :0.3396178185939789 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3414742946624756 regulating:0.05620991811156273 and:0.05618700385093689 to:0.02823871374130249 :0.047023314982652664 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.21881446242332458 February:0.1457977294921875 March:0.12737908959388733 July:0.105813167989254 :0.07833106815814972 +is:0.015624762512743473 years:0.015445821918547153 president:0.012810745276510715 times,:0.010834972374141216 :0.18836171925067902 +the:0.2252165675163269 a:0.02743818238377571 this:0.02589017152786255 tho:0.018086453899741173 :0.2202458679676056 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +the:0.13307353854179382 of:0.08495306223630905 that:0.05802878364920616 this:0.03344053402543068 :0.14084215462207794 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +The:0.11224106699228287 He:0.07010088115930557 I:0.06486166268587112 It:0.03420475125312805 :0.1529475897550583 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.08088605105876923 the:0.04028438776731491 not:0.02820003218948841 to:0.026593642309308052 :0.33935847878456116 +of:0.021379096433520317 the:0.02009650692343712 .:0.014783207327127457 a:0.01469653844833374 :0.31858542561531067 +and:0.21059957146644592 the:0.047688078135252 but:0.0421493835747242 in:0.028031032532453537 :0.07465068250894547 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.07003498822450638 was:0.055263452231884 and:0.041132260113954544 to:0.039606768637895584 :0.383674293756485 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.15933121740818024 the:0.09367804229259491 but:0.045525312423706055 which:0.04536528140306473 :0.06715542078018188 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +that:0.1517334282398224 of:0.08627990633249283 the:0.05956723913550377 it:0.049439072608947754 :0.04282793775200844 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +the:0.16866399347782135 tho:0.020754601806402206 this:0.01912689208984375 a:0.01465673092752695 :0.2776191234588623 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.08810295909643173 who:0.06795442849397659 in:0.05618535727262497 and:0.054703909903764725 :0.06988489627838135 +are:0.07446109503507614 were:0.07232871651649475 and:0.06955339759588242 from:0.05022028088569641 :0.06151784956455231 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.1056738793849945 by:0.04143710061907768 the:0.0404939278960228 five:0.028474196791648865 :0.21356646716594696 +of:0.12060579657554626 in:0.10804622620344162 at:0.08704955875873566 and:0.07273726910352707 :0.05334435775876045 +and:0.25670790672302246 but:0.05582808330655098 the:0.03929920494556427 as:0.027723554521799088 :0.07659696042537689 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.13785460591316223 was:0.05437952280044556 am:0.045740339905023575 had:0.040267299860715866 :0.14536555111408234 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5115891695022583 the:0.054423052817583084 or:0.020948784425854683 a:0.014471020549535751 :0.03359077870845795 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.05275069549679756 not:0.036142684519290924 the:0.026269275695085526 .:0.01847190596163273 :0.4169492721557617 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.1500498503446579 was:0.07503150403499603 with:0.0530482642352581 of:0.05257977917790413 :0.05828838050365448 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +the:0.3243764638900757 a:0.030540337786078453 tho:0.026483988389372826 us.:0.014822270721197128 :0.2230806052684784 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.22221723198890686 in:0.04790252447128296 to:0.039411187171936035 were:0.03328466787934303 :0.051658183336257935 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.3362261652946472 a:0.10097429901361465 by:0.08555106818675995 the:0.05592307075858116 :0.05245058611035347 +and:0.07230787724256516 to:0.05638203024864197 in:0.03242393583059311 features:0.03159013390541077 :0.15595856308937073 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.24698565900325775 by:0.08737216144800186 that:0.02438562922179699 a:0.019718801602721214 :0.17694467306137085 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11769083142280579 of:0.07739902287721634 in:0.0427783839404583 is:0.033767178654670715 :0.10977829992771149 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.33901432156562805 by:0.08225299417972565 for:0.07442918419837952 in:0.031229302287101746 :0.07880014926195145 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.16192376613616943 and:0.08144694566726685 in:0.062277622520923615 as:0.029133647680282593 :0.23119863867759705 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +or:0.03198176622390747 and:0.031506527215242386 to:0.030752409249544144 who:0.02489263005554676 :0.21799084544181824 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +that:0.4787186086177826 of:0.38139376044273376 the:0.009184950962662697 that,:0.007098325062543154 :0.012392112985253334 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.524716854095459 to:0.06225746124982834 that:0.0306465495377779 which:0.028795616701245308 :0.02423049509525299 +of:0.015457024797797203 the:0.01484355516731739 .:0.013890079222619534 and:0.01247293222695589 :0.5610916614532471 +and:0.1117115169763565 the:0.061626043170690536 but:0.030666792765259743 when:0.029202116653323174 :0.0792720764875412 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.27322518825531006 to:0.05190782994031906 for:0.03549633547663689 a:0.03334205225110054 :0.08464105427265167 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +of:0.02542242780327797 and:0.021822381764650345 the:0.01916489005088806 to:0.014942423440515995 :0.6061122417449951 +of:0.09434973448514938 for:0.057292789220809937 and:0.048246659338474274 was:0.042199116200208664 :0.08852313458919525 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.3219875693321228 the:0.11093706637620926 to:0.043951988220214844 and:0.0387069396674633 :0.03487952798604965 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +ry:0.010177526623010635 -:0.008950656279921532 ford:0.005389312747865915 bor:0.002697720192372799 :0.9106929898262024 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +that:0.10027693957090378 the:0.04576440528035164 and:0.02950325980782509 in:0.022856609895825386 :0.1467871218919754 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.29305732250213623 to:0.03828961029648781 and:0.03732890263199806 a:0.028406821191310883 :0.11813075840473175 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.07442178577184677 since:0.02122374437749386 saw:0.019460860639810562 be:0.018847351893782616 :0.19023028016090393 +and:0.13747546076774597 who:0.0778050422668457 the:0.0370086245238781 but:0.024101005867123604 :0.06974043697118759 +notice:0.22177162766456604 Works:0.041583411395549774 Service:0.02633753791451454 opinion:0.015817301347851753 :0.4757501184940338 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.15501675009727478 and:0.06489306688308716 of:0.043865859508514404 to:0.027999147772789 :0.14150798320770264 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.5068994164466858 I:0.039546169340610504 the:0.03748881444334984 that:0.034695859998464584 :0.030715828761458397 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +proud:0.0822623148560524 entitled:0.03131750226020813 be:0.024275727570056915 and:0.015973100438714027 :0.22075411677360535 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +by:0.10681664198637009 in:0.09742335975170135 the:0.09731245040893555 and:0.0698896124958992 :0.1431160420179367 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09804106503725052 had:0.03590179607272148 was:0.03187604993581772 has:0.0222491268068552 :0.372516930103302 +day:0.07925889641046524 to:0.045074693858623505 few:0.026640253141522408 morning:0.02162708342075348 :0.1902121901512146 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05410441756248474 is:0.050991568714380264 of:0.04997817054390907 to:0.03683030232787132 :0.07826106995344162 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +The:0.19688276946544647 It:0.09202874451875687 This:0.04488199204206467 There:0.03547384962439537 :0.09254352003335953 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +line:0.09750475734472275 to:0.06445515900850296 and:0.057248711585998535 line,:0.048588111996650696 :0.09495705366134644 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.036904774606227875 of:0.012722266837954521 a:0.011826462112367153 to:0.011442034505307674 :0.6842562556266785 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08759087324142456 W.:0.07509960979223251 H.:0.03422861546278 F.:0.028101865202188492 :0.31686922907829285 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.5720862150192261 and:0.02930324524641037 in:0.0189711544662714 to:0.017361639067530632 :0.10059072077274323 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.15301430225372314 to:0.09319403022527695 and:0.040191400796175 from:0.029446261003613472 :0.02722308225929737 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +is:0.18515123426914215 can:0.09036114811897278 are:0.06755031645298004 do:0.06439603120088577 :0.07488945126533508 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.1117115169763565 the:0.061626043170690536 but:0.030666792765259743 when:0.029202116653323174 :0.0792720764875412 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.17905527353286743 shall:0.08167135715484619 the:0.07049763202667236 to:0.04592756927013397 :0.10123524069786072 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.323591411113739 and:0.10188210010528564 to:0.02778337337076664 was:0.027165692299604416 :0.08859916776418686 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.09176039695739746 has:0.07523670792579651 can:0.059645120054483414 was:0.056601155549287796 :0.0787779837846756 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.05275069549679756 not:0.036142684519290924 the:0.026269275695085526 .:0.01847190596163273 :0.4169492721557617 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.13747546076774597 who:0.0778050422668457 the:0.0370086245238781 but:0.024101005867123604 :0.06974043697118759 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11684215068817139 in:0.05487772822380066 of:0.054154135286808014 or:0.02898978255689144 :0.24188342690467834 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.16530536115169525 boon:0.07880041003227234 a:0.02594788931310177 not:0.024151669815182686 :0.12280842661857605 +arrangement:0.032264165580272675 relief:0.02715935930609703 and:0.026278531178832054 relief.:0.010830806568264961 :0.44016948342323303 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.23973938822746277 entitled,:0.0637207180261612 entitled:0.05312488600611687 to:0.0386035181581974 :0.05208645761013031 +most:0.010229216888546944 said:0.008809289894998074 first:0.008408877067267895 State:0.006295645609498024 :0.4870438873767853 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.03895469754934311 was:0.031134597957134247 of:0.01873396895825863 to:0.01595359854400158 :0.15430627763271332 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +treatment.:0.04257969558238983 men:0.03183917701244354 treatment:0.026211408898234367 treatment,:0.022641310468316078 :0.20961149036884308 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.7690790891647339 with:0.05873747169971466 in:0.030339675024151802 the:0.018664905801415443 :0.015735454857349396 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +.:0.279586523771286 B:0.008661038242280483 A:0.00816298183053732 .,:0.008149746805429459 :0.42086467146873474 +the:0.01731938123703003 was:0.014443248510360718 of:0.00867885909974575 in:0.008133082650601864 :0.42390871047973633 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.27037376165390015 and:0.08745881170034409 the:0.03182494267821312 are:0.03114684671163559 :0.06649956852197647 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.074337437748909 trips:0.02662022039294243 in:0.013262353837490082 visits:0.01213679276406765 :0.5079327821731567 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +all:0.09476007521152496 every:0.06474842131137848 a:0.06200682371854782 as:0.031045453622937202 :0.24326759576797485 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2026391178369522 and:0.03359086439013481 for:0.031509507447481155 to:0.022008951753377914 :0.1955433487892151 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +and:0.0743308886885643 in:0.056348931044340134 to:0.04556026682257652 for:0.037553347647190094 :0.0627879649400711 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +The:0.09375589340925217 It:0.07163425534963608 All:0.03525354340672493 I:0.031979311257600784 :0.1404566466808319 +and:0.06933702528476715 of:0.056098345667123795 months:0.029609661549329758 in:0.025202017277479172 :0.17737609148025513 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +-:0.01787995547056198 tern:0.01079652551561594 of:0.0015192620921880007 and:0.0012327836593613029 :0.9385301470756531 +and:0.2555086314678192 the:0.07795070111751556 but:0.047234877943992615 as:0.024907900020480156 :0.1063871830701828 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +to:0.19294968247413635 report:0.056840091943740845 for:0.029589764773845673 conditions.:0.027049168944358826 :0.08589857071638107 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +Act:0.05854543298482895 act:0.04190506413578987 interesting:0.036132507026195526 examination:0.02897898480296135 :0.2173951417207718 +of:0.2514406144618988 that:0.12028111517429352 on:0.06664641946554184 the:0.041666269302368164 :0.04054415598511696 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.07121708244085312 letter.:0.03497541695833206 in:0.024958085268735886 bodies:0.022999580949544907 :0.16762515902519226 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.07498058676719666 Minnesota,:0.06362275034189224 State:0.05898250266909599 North:0.05055824667215347 :0.16798505187034607 +and:0.2785317599773407 each,:0.09378626197576523 attorney's:0.05048178508877754 in:0.025005407631397247 :0.27394402027130127 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.27870669960975647 W:0.02773839235305786 J:0.016614221036434174 H:0.014257206581532955 :0.31039807200431824 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +only:0.007326370570808649 United:0.007003867998719215 whole:0.006733306217938662 great:0.006261027883738279 :0.27666857838630676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +est:0.4613853693008423 er:0.09581635892391205 way:0.04431974142789841 priced:0.041681185364723206 :0.0885012075304985 +wife:0.014394868165254593 name:0.01321286242455244 first:0.012603298760950565 father,:0.010865313932299614 :0.28542545437812805 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +to:0.6539984345436096 for:0.05147678777575493 of:0.0463695302605629 the:0.02552293799817562 :0.024321990087628365 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +who:0.05313588306307793 of:0.04486550763249397 was:0.04292187839746475 and:0.0364164337515831 :0.12061720341444016 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06401190161705017 r:0.03205733373761177 >r:0.017570331692695618 tho:0.00833934172987938 :0.24295586347579956 +Co.,:0.1165633425116539 Co.:0.06794843077659607 Ohio:0.04170684516429901 O.:0.021117856726050377 :0.3415232002735138 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +-:0.03206292539834976 ceived:0.018277522176504135 port:0.013380049727857113 mained:0.012577835470438004 :0.29072603583335876 +the:0.22093386948108673 and:0.05622246861457825 to:0.038724273443222046 in:0.0372563973069191 :0.0706440731883049 +and:0.18577177822589874 the:0.08428072929382324 but:0.024893740192055702 we:0.023207468912005424 :0.08328472822904587 +of:0.29067233204841614 and:0.07787668704986572 by:0.034730665385723114 at:0.029624877497553825 :0.0596606619656086 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +from:0.07258906960487366 through:0.053998254239559174 the:0.0474877692759037 in:0.04279472678899765 :0.05579642951488495 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11613354831933975 stream:0.03389473631978035 enough:0.020493704825639725 principles:0.013735204935073853 :0.19327904284000397 +of:0.6119856834411621 and:0.07963105291128159 is:0.020741449669003487 to:0.019482316449284554 :0.04693906009197235 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +sary:0.17814788222312927 sity:0.049733929336071014 the:0.007232446223497391 of:0.005580418277531862 :0.6785402894020081 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +been:0.19392432272434235 a:0.06330392509698868 the:0.04487724229693413 to:0.013993944972753525 :0.11483967304229736 +and:0.07080850750207901 is:0.03110934980213642 of:0.02775762230157852 or:0.02380570024251938 :0.19719289243221283 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.4240747094154358 a:0.0635984018445015 the:0.05275452882051468 him:0.02391604706645012 :0.039335209876298904 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.1870119720697403 it:0.03165969252586365 he:0.025444433093070984 him:0.020420048385858536 :0.10709861665964127 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +to:0.3455284833908081 the:0.07218088209629059 at:0.06347845494747162 with:0.028166310861706734 :0.06950443983078003 +the:0.03102399967610836 a:0.014535879716277122 to:0.014173168689012527 that:0.010113035328686237 :0.23242753744125366 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.4504077732563019 and:0.08971837908029556 in:0.02585281990468502 with:0.02530708909034729 :0.04740024730563164 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.0743308886885643 in:0.056348931044340134 to:0.04556026682257652 for:0.037553347647190094 :0.0627879649400711 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.19638538360595703 the:0.0473523773252964 which:0.024408644065260887 but:0.023784182965755463 :0.11103485524654388 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.12361099570989609 but:0.0448446124792099 the:0.04228179156780243 in:0.021072667092084885 :0.1013665720820427 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +and:0.09819427877664566 growth:0.032777220010757446 increase:0.019094275310635567 motion:0.019031155854463577 :0.34659716486930847 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.32178351283073425 to:0.13942445814609528 on:0.03657924756407738 and:0.02974058873951435 :0.03815372660756111 +in:0.3825957179069519 the:0.05471878498792648 a:0.04011509567499161 and:0.028298424556851387 :0.03840246796607971 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +and:0.0274589154869318 Debility,:0.02728166989982128 profession,:0.023340465500950813 examination:0.011018149554729462 :0.3308218717575073 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.11671990156173706 a:0.055463071912527084 the:0.0549829863011837 or:0.0270986445248127 :0.2756158411502838 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +in:0.18049228191375732 and:0.06841391324996948 to:0.053440194576978683 as:0.04996509850025177 :0.10104116052389145 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +of:0.1759766787290573 and:0.0772600919008255 was:0.046853553503751755 in:0.041726455092430115 :0.10092931985855103 +the:0.2561436593532562 future:0.03806380182504654 to:0.01730288565158844 at:0.015998439863324165 :0.3009978234767914 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.23283474147319794 the:0.05051233246922493 but:0.049050506204366684 which:0.024045834317803383 :0.10860956460237503 +the:0.18991096317768097 a:0.07370725274085999 tho:0.01514104288071394 his:0.013099993579089642 :0.21051880717277527 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +per:0.10937954485416412 of:0.10161136835813522 on:0.07068488746881485 and:0.07034411281347275 :0.06081569194793701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.39550212025642395 a:0.08120235055685043 the:0.05554741248488426 everyone:0.0343182273209095 :0.02900422178208828 +west:0.2289927750825882 east:0.06348535418510437 and:0.042281024158000946 E:0.029963644221425056 :0.11659489572048187 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +and:0.14080271124839783 of:0.1145641952753067 for:0.08201514184474945 to:0.08086082339286804 :0.042547959834337234 +who:0.16544756293296814 in:0.039405081421136856 interested:0.03116520680487156 and:0.03057965822517872 :0.08606355637311935 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.027055243030190468 the:0.026828497648239136 a:0.018659085035324097 n:0.01040592696517706 :0.38303980231285095 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.07053504139184952 off:0.05935359373688698 down:0.05150659754872322 in:0.045365914702415466 :0.09572723507881165 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.08940264582633972 I:0.060886137187480927 It:0.05192555487155914 and:0.030382189899683 :0.13494499027729034 +V.:0.011817802675068378 and:0.01162243727594614 M.:0.00819956511259079 A.:0.007503944914788008 :0.7306687235832214 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +Assembly:0.06292631477117538 of:0.03374562785029411 and:0.016197901219129562 Manager:0.009145837277173996 :0.5189526081085205 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.16676074266433716 the:0.1152944341301918 by:0.10439851880073547 that:0.0419805608689785 :0.0875619426369667 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +that:0.19054672122001648 the:0.19019395112991333 a:0.08115316927433014 how:0.025958364829421043 :0.053172916173934937 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.18220007419586182 and:0.0836477056145668 of:0.07062774151563644 on:0.032629795372486115 :0.10538552701473236 +and:0.11985290050506592 of:0.11415358632802963 in:0.06837210059165955 was:0.03374307602643967 :0.09139196574687958 +the:0.06412578374147415 a:0.013729661703109741 that:0.012777823023498058 to:0.011771712452173233 :0.2567578852176666 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.12489721924066544 in:0.06159422919154167 is:0.045096490532159805 on:0.04198127239942551 :0.056032389402389526 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +that:0.11894341558218002 the:0.05271647870540619 in:0.05132473260164261 of:0.04833630099892616 :0.12136393040418625 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +the:0.2930826246738434 tho:0.041161246597766876 their:0.026130976155400276 a:0.022519133985042572 :0.06281813979148865 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +sent:0.07817170768976212 normal:0.028761260211467743 ject:0.006666600238531828 -:0.005977706052362919 :0.7798834443092346 +that:0.2519557476043701 of:0.062314797192811966 was:0.030940867960453033 the:0.02982577309012413 :0.07210607081651688 +The:0.11437935382127762 It:0.05218678340315819 In:0.05189671367406845 He:0.04580530524253845 :0.16342122852802277 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.10521112382411957 to:0.06929780542850494 for:0.032178930938243866 on:0.02582809515297413 :0.10547483712434769 +ident:0.33512943983078003 ent:0.2381155788898468 sure:0.07344741374254227 ence:0.060817841440439224 :0.2050698697566986 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.24840450286865234 the:0.1633494794368744 them:0.0251924991607666 it:0.023977452889084816 :0.15585236251354218 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +time:0.14122091233730316 distance:0.1244429349899292 of:0.07592078298330307 time.:0.04901304468512535 :0.14211395382881165 +the:0.1262235790491104 be:0.03281152993440628 this:0.032629046589136124 make:0.02925747074186802 :0.2319391667842865 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.0678473562002182 government:0.01990499347448349 army:0.01550846453756094 people:0.008173353038728237 :0.39286383986473083 +the:0.14371347427368164 about:0.11958637833595276 them:0.04765666648745537 to:0.0422208271920681 :0.11453881859779358 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.09819427877664566 growth:0.032777220010757446 increase:0.019094275310635567 motion:0.019031155854463577 :0.34659716486930847 +the:0.22093386948108673 and:0.05622246861457825 to:0.038724273443222046 in:0.0372563973069191 :0.0706440731883049 +who:0.10808014869689941 of:0.07531346380710602 and:0.06528452783823013 in:0.057230282574892044 :0.0647210031747818 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +not:0.33945661783218384 -:0.006048194132745266 the:0.0031487103551626205 .:0.002415434457361698 :0.5749492049217224 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +suffrage:0.03870261088013649 sex:0.03586437925696373 form:0.030240193009376526 and:0.011193140409886837 :0.2919517159461975 +of:0.4833889305591583 and:0.08059509843587875 in:0.04445657879114151 that:0.021679583936929703 :0.048576291650533676 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.07241055369377136 to:0.06643974035978317 in:0.06069028005003929 that:0.03806256875395775 :0.08545370399951935 +e:0.01827792450785637 is:0.011122244410216808 -:0.009600582532584667 most:0.008992918767035007 :0.44026580452919006 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +of:0.32498598098754883 to:0.06368449330329895 in:0.06362072378396988 and:0.06281334906816483 :0.060867760330438614 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +or:0.11760033667087555 of:0.0688522607088089 was:0.06127515807747841 to:0.04786544293165207 :0.13023491203784943 +all:0.09476007521152496 every:0.06474842131137848 a:0.06200682371854782 as:0.031045453622937202 :0.24326759576797485 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.1279042363166809 in:0.0654413029551506 to:0.05336621403694153 is:0.04607776924967766 :0.06652896106243134 +and:0.2381937950849533 or:0.03861191123723984 to:0.025732289999723434 but:0.022446736693382263 :0.053360968828201294 +of:0.4680613577365875 the:0.027011778205633163 too:0.01506463810801506 and:0.012104454450309277 :0.14136891067028046 +cream:0.10221932828426361 and:0.06623376905918121 of:0.03728276118636131 cream,:0.03550633043050766 :0.1151767447590828 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.844028115272522 thereto,:0.03244537487626076 lo:0.008175909519195557 thereto.:0.006240937393158674 :0.030592339113354683 +The:0.1860550045967102 It:0.08854243904352188 He:0.04686296731233597 There:0.035147491842508316 :0.14730337262153625 +of:0.1267624795436859 line:0.07388682663440704 side:0.05527561530470848 quarter:0.05421062186360359 :0.14180593192577362 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.25306496024131775 but:0.0393102765083313 the:0.028226494789123535 he:0.019270073622465134 :0.07624730467796326 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +us:0.16490952670574188 the:0.14133049547672272 him:0.0580168291926384 them:0.05629434809088707 :0.057524699717760086 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +to:0.20226335525512695 from:0.07240528613328934 the:0.04906218498945236 into:0.04508928209543228 :0.03551799803972244 +and:0.05410369485616684 as:0.04391871765255928 school:0.03871015086770058 prices:0.022470077499747276 :0.17330212891101837 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.13471317291259766 it:0.09740004688501358 there:0.0650796964764595 a:0.03265566751360893 :0.03581760823726654 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +by:0.21110409498214722 in:0.07178068906068802 and:0.05104102939367294 the:0.028731726109981537 :0.054690029472112656 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.11941451579332352 of:0.11820127069950104 a:0.07038287818431854 from:0.053818102926015854 :0.056071192026138306 +been:0.10786722600460052 be:0.045282524079084396 a:0.025569260120391846 the:0.02157747931778431 :0.15584620833396912 +and:0.1904498040676117 the:0.03698064014315605 but:0.03245443105697632 to:0.019828828051686287 :0.0982954278588295 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +York:0.10412642359733582 York,:0.06617753207683563 the:0.05753936991095543 that:0.05514800176024437 :0.08182577043771744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +The:0.13391424715518951 It:0.07917535305023193 In:0.05762503296136856 Mr.:0.031733252108097076 :0.13599325716495514 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12710025906562805 a:0.06695538014173508 the:0.05764194577932358 of:0.05457398295402527 :0.12395533174276352 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +and:0.10050714015960693 County.:0.04232846572995186 County:0.03311547636985779 was:0.028565721586346626 :0.12649835646152496 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07645164430141449 as:0.010432996787130833 scale:0.00895605981349945 business:0.007720255292952061 :0.37178078293800354 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.15790140628814697 house:0.057492416352033615 to:0.04763888940215111 and:0.03564709424972534 :0.07763960212469101 +of:0.16993217170238495 for:0.05584178492426872 and:0.049084052443504333 simple:0.04793591797351837 :0.17701935768127441 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +years:0.09030880779027939 years.:0.03497997671365738 or:0.032707538455724716 miles:0.03152722865343094 :0.18829458951950073 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07795627415180206 sir,:0.06065916642546654 the:0.04094504937529564 I:0.03240067511796951 :0.0758855864405632 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.21099638938903809 the:0.11087290942668915 for:0.050749022513628006 to:0.048193685710430145 :0.05287536606192589 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.09785494953393936 to:0.051440756767988205 for:0.034238383173942566 in:0.03035627119243145 :0.17257285118103027 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +of:0.448198139667511 to:0.05949351564049721 and:0.04551474750041962 along:0.04388177767395973 :0.03942093998193741 +line:0.09750475734472275 to:0.06445515900850296 and:0.057248711585998535 line,:0.048588111996650696 :0.09495705366134644 +ton:0.820561945438385 ton,:0.054180074483156204 ton.:0.009615066461265087 -:0.002033253200352192 :0.07083714008331299 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +at:0.19133952260017395 and:0.16421130299568176 in:0.032227110117673874 to:0.02782546542584896 :0.18076366186141968 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1124403327703476 to:0.02779003418982029 a:0.025723882019519806 he:0.025573866441845894 :0.1772661656141281 +The:0.08958131819963455 I:0.055876731872558594 It:0.054687391966581345 In:0.03065299801528454 :0.142290398478508 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +der:0.12263701111078262 til:0.10974360257387161 less:0.03549420088529587 able:0.016936486586928368 :0.39640188217163086 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.4240747094154358 a:0.0635984018445015 the:0.05275452882051468 him:0.02391604706645012 :0.039335209876298904 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.23019053041934967 the:0.045667726546525955 but:0.029297737404704094 as:0.01939970627427101 :0.0625685378909111 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.32783353328704834 and:0.07584182173013687 in:0.0416671559214592 with:0.03229892998933792 :0.08697758615016937 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.13801896572113037 where:0.03907118737697601 in:0.03780226409435272 the:0.03632265329360962 :0.20743219554424286 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +adjusted:0.029696106910705566 be:0.01980653405189514 and:0.019164077937602997 done,:0.018314719200134277 :0.2374311238527298 +person:0.14423508942127228 parent,:0.13062454760074615 one:0.09821631759405136 attempt:0.03140369802713394 :0.14251185953617096 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.09968782961368561 for:0.08950159698724747 to:0.07872716337442398 in:0.0635397806763649 :0.07078410685062408 +in:0.09324217587709427 and:0.04907022416591644 through:0.027972880750894547 to:0.025801891461014748 :0.02599979378283024 +and:0.25670790672302246 but:0.05582808330655098 the:0.03929920494556427 as:0.027723554521799088 :0.07659696042537689 +of:0.7755861282348633 ot:0.01997661590576172 that:0.01731090620160103 to:0.010912345722317696 :0.012849812395870686 +the:0.07265274226665497 to:0.040668338537216187 a:0.029067398980259895 of:0.02788368985056877 :0.22171245515346527 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +the:0.25634267926216125 a:0.0689404234290123 and:0.029752623289823532 his:0.028143305331468582 :0.13222555816173553 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +to:0.06968031078577042 and:0.06540948152542114 that:0.04774629324674606 on:0.040726132690906525 :0.12662716209888458 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2120968997478485 the:0.04300493374466896 but:0.02933390624821186 or:0.026237282902002335 :0.0587494783103466 +The:0.13712306320667267 In:0.03145645186305046 We:0.03002569079399109 It:0.02683364413678646 :0.08774358034133911 +the:0.10911130160093307 that:0.10495218634605408 a:0.08930405229330063 out:0.06238653138279915 :0.08064001798629761 +to:0.4521300792694092 that:0.12070047855377197 of:0.034734565764665604 the:0.025062307715415955 :0.0977548211812973 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1192973256111145 by:0.07590396702289581 from:0.06788928806781769 up:0.04530385136604309 :0.055026620626449585 +to:0.3711136281490326 of:0.37009185552597046 and:0.031484201550483704 that:0.010803354904055595 :0.0172123946249485 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.1516062468290329 a:0.08388760685920715 it:0.0757305771112442 them:0.06586740165948868 :0.07232829183340073 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.07414751499891281 floral:0.060283027589321136 young:0.02498686872422695 in:0.012302358634769917 :0.2652178704738617 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.04026065021753311 men:0.03210999444127083 man:0.02197331190109253 man,:0.021356288343667984 :0.35286420583724976 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.11155988276004791 a:0.10510122776031494 in:0.0822765976190567 by:0.047789208590984344 :0.08660728484392166 +of:0.3596802353858948 and:0.05591703951358795 in:0.0434577502310276 to:0.032649047672748566 :0.04212664067745209 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1686558723449707 to:0.05483967065811157 a:0.04186749830842018 any:0.03676676005125046 :0.05741322785615921 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.07241055369377136 to:0.06643974035978317 in:0.06069028005003929 that:0.03806256875395775 :0.08545370399951935 +to:0.13881993293762207 the:0.08727861195802689 in:0.03569407761096954 on:0.035608261823654175 :0.1431705504655838 +and:0.15458473563194275 of:0.06909756362438202 corners:0.03866611048579216 on:0.035287659615278244 :0.10422208160161972 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +19,:0.06819305568933487 and:0.04515507072210312 T.:0.025238193571567535 the:0.019478727132081985 :0.3365219235420227 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.07266906648874283 in:0.018856912851333618 is:0.01738845184445381 was:0.01667938008904457 :0.24425022304058075 +the:0.27109166979789734 their:0.1240403801202774 his:0.07707018405199051 our:0.05381946638226509 :0.03479888290166855 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +instance:0.01992546208202839 year:0.01306565385311842 and:0.009980966337025166 tax:0.009751974605023861 :0.18437716364860535 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +to:0.06461933255195618 that:0.03260115534067154 a:0.028365042060613632 the:0.02497406117618084 :0.2108800858259201 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.09070684760808945 industry:0.029204504564404488 is:0.02657950296998024 beets:0.02549043297767639 :0.21571357548236847 +erate:0.5622567534446716 ern:0.1376800239086151 est:0.03619663417339325 eration:0.005215303972363472 :0.19358548521995544 +and:0.06035647168755531 social:0.01442412007600069 in:0.01349503081291914 reputation:0.012369082309305668 :0.37157338857650757 +and:0.11985290050506592 of:0.11415358632802963 in:0.06837210059165955 was:0.03374307602643967 :0.09139196574687958 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +far:0.08234849572181702 long:0.07458566874265671 the:0.06647490710020065 much:0.044785019010305405 :0.09180775284767151 +The:0.13372091948986053 It:0.06310399621725082 I:0.03720846399664879 A:0.028292926028370857 :0.15188676118850708 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ing:0.9151219129562378 Ing:0.011618852615356445 ers:0.008905980736017227 ing,:0.006157701835036278 :0.019697196781635284 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +.:0.20409946143627167 .,:0.016672631725668907 of:0.014604543335735798 .;:0.013032408431172371 :0.26543259620666504 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +by:0.2932809293270111 the:0.12562379240989685 in:0.04925507307052612 and:0.03892647847533226 :0.16410967707633972 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +to:0.187033548951149 from:0.11096091568470001 in:0.07772479206323624 and:0.03400713577866554 :0.0626215711236 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.01243676245212555 .:0.011993486434221268 the:0.011142071336507797 in:0.010542976669967175 :0.4072105884552002 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.6560469269752502 to:0.03335763141512871 for:0.032377760857343674 and:0.02073591947555542 :0.04482518509030342 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +office:0.09757351130247116 of:0.05263003706932068 4:0.045174017548561096 No.:0.04466528818011284 :0.16310624778270721 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +United:0.006484805606305599 whole:0.006116136908531189 war:0.005755491554737091 said:0.0056852055713534355 :0.4067578911781311 +be:0.08439864218235016 and:0.02608448453247547 seen:0.02373279631137848 as:0.023002251982688904 :0.23004655539989471 +to:0.7646118402481079 that:0.017980773001909256 and:0.01415159460157156 in:0.005403638817369938 :0.05878410115838051 +of:0.21680901944637299 to:0.06842384487390518 will:0.05513089522719383 the:0.0327901616692543 :0.06030257046222687 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +in:0.2306557148694992 and:0.07580430805683136 of:0.06546404212713242 herein,:0.06522141396999359 :0.0588935986161232 +of:0.07723510265350342 and:0.049473751336336136 was:0.03962468355894089 to:0.03685103729367256 :0.1999456137418747 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.5373371243476868 those:0.07173231989145279 them:0.0454387441277504 other:0.04274114593863487 :0.04087971895933151 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.5506755709648132 the:0.047320473939180374 it:0.017900848761200905 he:0.014369072392582893 :0.04731939360499382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.06121215596795082 which:0.048845864832401276 is:0.048222314566373825 of:0.043204132467508316 :0.06042128801345825 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +tirely:0.10489383339881897 tered:0.052889350801706314 listed:0.018322573974728584 titled:0.01761534810066223 :0.6332118511199951 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.43593689799308777 of:0.05352757126092911 was:0.04966489225625992 is:0.030667675659060478 :0.025212185457348824 +and:0.34591519832611084 but:0.04509977623820305 the:0.03502536565065384 to:0.022179918363690376 :0.029360225424170494 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +and:0.11033535748720169 of:0.04982722923159599 was:0.04886413365602493 to:0.028422420844435692 :0.188603475689888 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +that:0.12727496027946472 by:0.11445432901382446 in:0.09149219840765 to:0.0864572525024414 :0.04409288242459297 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +The:0.11390113085508347 It:0.06307629495859146 He:0.05118319019675255 In:0.02939702197909355 :0.14688023924827576 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +the:0.053187109529972076 of:0.04490616172552109 as:0.040862951427698135 and:0.03804400563240051 :0.05817214027047157 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +deg.:0.07633358985185623 years:0.035470057278871536 to:0.03522639721632004 per:0.03251752257347107 :0.3429991602897644 +and:0.2007501721382141 as:0.030671237036585808 but:0.025857431814074516 the:0.024089675396680832 :0.11265753209590912 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.25457698106765747 and:0.06849519908428192 is:0.03853512927889824 has:0.03748655691742897 :0.05913323163986206 +by:0.29034316539764404 the:0.12289554625749588 him:0.0385376401245594 in:0.019937293604016304 :0.03116435371339321 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.05953359603881836 and:0.046049121767282486 for:0.01145935244858265 as:0.011032848618924618 :0.2858152389526367 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +that:0.24762170016765594 how:0.0933518186211586 the:0.07620010524988174 what:0.06105847656726837 :0.029273943975567818 +of:0.30998438596725464 and:0.16529156267642975 from:0.06806349754333496 to:0.04930528625845909 :0.031861312687397 +fore:0.4958809018135071 after,:0.0879015177488327 after.:0.04725908488035202 fore,:0.038510650396347046 :0.027837349101901054 +upon:0.33300673961639404 on:0.17498205602169037 wholly:0.12469223886728287 for:0.03745286166667938 :0.03085932694375515 +cream:0.10221932828426361 and:0.06623376905918121 of:0.03728276118636131 cream,:0.03550633043050766 :0.1151767447590828 +the:0.052721112966537476 and:0.03411629796028137 to:0.033120084553956985 of:0.031637873500585556 :0.22504156827926636 +body:0.039112694561481476 source:0.02888735942542553 object:0.02338591404259205 feature:0.02316194772720337 :0.1498698741197586 +The:0.14982223510742188 I:0.09241791814565659 It:0.05641850829124451 He:0.04299730435013771 :0.1981980800628662 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10761308670043945 up:0.09438840299844742 into:0.030862923711538315 down:0.029730157926678658 :0.07600631564855576 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13428184390068054 dollars:0.09978664666414261 tons:0.08424495160579681 and:0.043857306241989136 :0.1270889937877655 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +the:0.22186614573001862 they:0.047179948538541794 he:0.034317631274461746 it:0.02769305370748043 :0.10746676474809647 +and:0.130126491189003 Porto:0.041430141776800156 where:0.027230197563767433 the:0.024764761328697205 :0.026315080001950264 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +Carolina:0.24945464730262756 Dakota.:0.04611166939139366 Carolina,:0.045227084308862686 Carolina.:0.02467072755098343 :0.16036924719810486 +of:0.48724961280822754 in:0.0277350302785635 to:0.020417341962456703 for:0.017426446080207825 :0.05334505811333656 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3239564001560211 and:0.029497044160962105 in:0.02307962439954281 or:0.020835209637880325 :0.11690698564052582 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.08726444840431213 when:0.054337576031684875 to:0.046203214675188065 the:0.04528221860527992 :0.11190352588891983 +of:0.04381224513053894 and:0.024763235822319984 powder:0.01680869795382023 in:0.013443996198475361 :0.5496935248374939 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +in:0.07817854732275009 the:0.07617141306400299 around:0.07536210119724274 up:0.058194514364004135 :0.047267764806747437 +the:0.33175450563430786 a:0.05601068213582039 all:0.029329055920243263 their:0.024099357426166534 :0.1449165791273117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.19550728797912598 &:0.045470573008060455 City:0.04028788208961487 for:0.018168682232499123 :0.1549694985151291 +and:0.031170550733804703 of:0.018177373334765434 to:0.01696605421602726 in:0.014385897666215897 :0.40718957781791687 +of:0.18483556807041168 is:0.13229332864284515 that:0.09489663690328598 to:0.07080807536840439 :0.043118320405483246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3618798851966858 in:0.06729036569595337 and:0.058162469416856766 more:0.04687514528632164 :0.07963946461677551 +to:0.05391771346330643 the:0.04712982848286629 may:0.033459119498729706 is:0.033197879791259766 :0.10617579519748688 +the:0.1791965812444687 by:0.0661761462688446 and:0.05939537286758423 said:0.042063016444444656 :0.14095352590084076 +and:0.05739879980683327 in:0.047654684633016586 is:0.03863661363720894 has:0.02560817450284958 :0.22913889586925507 +the:0.07773195207118988 thence:0.017404327169060707 a:0.013411921449005604 Mrs.:0.009419925510883331 :0.4454030990600586 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.22714395821094513 than:0.15659061074256897 into:0.030322156846523285 in:0.022412296384572983 :0.11653751134872437 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +the:0.06797537207603455 be:0.027196312323212624 have:0.013603719882667065 a:0.010037352330982685 :0.45109283924102783 +the:0.09748721867799759 to:0.017973126843571663 a:0.014812976121902466 that:0.013959145173430443 :0.22972802817821503 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +days:0.0883869081735611 years:0.056672316044569016 weeks:0.03694196790456772 of:0.03585732355713844 :0.18065567314624786 +party:0.2615741491317749 party,:0.06269851326942444 members:0.02076302468776703 and:0.017440196126699448 :0.20155002176761627 +the:0.1550878882408142 a:0.12151511758565903 it:0.04871528968214989 no:0.03772112354636192 :0.051652174443006516 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +in:0.2325780689716339 and:0.1211576908826828 of:0.08183996379375458 In:0.045107465237379074 :0.03664199262857437 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.11618790030479431 a:0.07811567932367325 in:0.027197958901524544 it:0.025167327374219894 :0.1383369117975235 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.16489174962043762 the:0.13381080329418182 in:0.0768926590681076 by:0.045155398547649384 :0.06451474130153656 +the:0.07132180035114288 a:0.06985807418823242 to:0.06737103313207626 well:0.03446680307388306 :0.10001073777675629 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +are:0.08645851910114288 men:0.04794120416045189 were:0.03232811391353607 facts:0.02820439636707306 :0.17057795822620392 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +The:0.13144105672836304 It:0.05527216196060181 A:0.031124813482165337 In:0.027159754186868668 :0.12468217313289642 +been:0.19620612263679504 taken:0.014564942568540573 the:0.013200202025473118 not:0.012167579494416714 :0.24541886150836945 +the:0.22186614573001862 they:0.047179948538541794 he:0.034317631274461746 it:0.02769305370748043 :0.10746676474809647 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.21364232897758484 which:0.06583192199468613 the:0.05268111079931259 but:0.04926740378141403 :0.07853291928768158 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.15707692503929138 of:0.15200014412403107 in:0.08252240717411041 to:0.05247116461396217 :0.05575787276029587 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.1257416009902954 and:0.1099839136004448 shall:0.09100229293107986 of:0.07697506248950958 :0.04624310880899429 +of:0.0924113318324089 by:0.048582032322883606 in:0.04480356723070145 the:0.04410794377326965 :0.12332148849964142 +of:0.14570368826389313 to:0.0733942836523056 and:0.07152283191680908 is:0.05308160185813904 :0.052743036299943924 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +days:0.0883869081735611 years:0.056672316044569016 weeks:0.03694196790456772 of:0.03585732355713844 :0.18065567314624786 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.23432232439517975 of:0.09872778505086899 in:0.07386277616024017 are:0.04669979214668274 :0.0456690713763237 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.415134459733963 to:0.05323276296257973 the:0.04421285539865494 and:0.017073988914489746 :0.10585812479257584 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +that:0.11397213488817215 in:0.07485371083021164 of:0.05686844885349274 to:0.05012667551636696 :0.04440278559923172 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +H.:0.029865626245737076 W:0.029710689559578896 J:0.025958722457289696 A.:0.024237588047981262 :0.3431944251060486 +of:0.30114203691482544 the:0.12054523825645447 and:0.05386308580636978 for:0.026560677215456963 :0.03896266222000122 +the:0.10446532070636749 a:0.04956291988492012 of:0.03913424164056778 that:0.028754249215126038 :0.06601700931787491 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +every:0.23591168224811554 all:0.09193961322307587 the:0.05761422589421272 any:0.032784659415483475 :0.18516689538955688 +and:0.21745577454566956 the:0.05141180753707886 but:0.022280510514974594 with:0.01642935536801815 :0.06264171004295349 +notified:0.03248930722475052 relief:0.024918079376220703 ordered:0.019761279225349426 than:0.01917441561818123 :0.2649027407169342 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +to:0.2057645469903946 from:0.047755464911460876 out:0.046072524040937424 in:0.04528909921646118 :0.06052161008119583 +and:0.220184788107872 but:0.05397211015224457 the:0.035074517130851746 as:0.02872452139854431 :0.059669800102710724 +in:0.36700621247291565 In:0.09231273829936981 the:0.07631596177816391 within:0.05288408324122429 :0.0347607396543026 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +have:0.02875250205397606 the:0.024168305099010468 of:0.013956350274384022 was:0.013189087621867657 :0.3462229073047638 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +the:0.03387301042675972 a:0.01943538896739483 made:0.01205823477357626 in:0.01088440790772438 :0.24876657128334045 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +to:0.3611876964569092 by:0.20745499432086945 in:0.052786894142627716 that:0.04884106293320656 :0.025711780413985252 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +with:0.6052986979484558 to:0.29012346267700195 and:0.005430432502180338 for:0.0052643404342234135 :0.026807362213730812 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +the:0.09036236256361008 it:0.059082794934511185 a:0.030395733192563057 he:0.027980944141745567 :0.13663113117218018 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +":0.035350456833839417 and:0.031514883041381836 The:0.02561323158442974 I:0.020095258951187134 :0.1832590401172638 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2718672752380371 a:0.07464092969894409 it:0.028008120134472847 on:0.027308858931064606 :0.06364747136831284 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +and:0.17573483288288116 which:0.12599486112594604 but:0.04428987577557564 the:0.04233505576848984 :0.06527361273765564 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +distance:0.05746036395430565 number:0.039878878742456436 distance,:0.02324148640036583 amount:0.021471615880727768 :0.13447554409503937 +of:0.3001739978790283 House:0.08226347714662552 for:0.04748455435037613 in:0.04102272167801857 :0.0931616872549057 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +the:0.3794749081134796 any:0.041711002588272095 a:0.03761017322540283 tho:0.027864979580044746 :0.06967557966709137 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +acres:0.05145103484392166 per:0.04671334847807884 to:0.04559947922825813 years:0.04326463118195534 :0.22804242372512817 +child:0.031415726989507675 and:0.023009799420833588 to:0.01986664906144142 children:0.018879923969507217 :0.3781328797340393 +the:0.18712125718593597 it:0.0632278248667717 to:0.030555883422493935 this:0.02460787445306778 :0.053807009011507034 +W:0.021355677396059036 W.:0.016913995146751404 A:0.015702098608016968 and:0.015374796465039253 :0.30520281195640564 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.21819765865802765 in:0.06746912747621536 and:0.06145312637090683 to:0.042228445410728455 :0.11183422803878784 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.1864984780550003 and:0.12881943583488464 that:0.031631242483854294 to:0.021533925086259842 :0.15218497812747955 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +":0.035350456833839417 and:0.031514883041381836 The:0.02561323158442974 I:0.020095258951187134 :0.1832590401172638 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +the:0.12840960919857025 a:0.10784847289323807 that:0.05143896862864494 all:0.04233393445611 :0.122427798807621 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +p.:0.1746683567762375 in:0.09250355511903763 a.:0.08651115000247955 A.:0.07264038920402527 :0.061098210513591766 +Virginia.:0.10133063048124313 of:0.04319428279995918 and:0.038738712668418884 Virginia:0.03452788293361664 :0.345829039812088 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +gage:0.8733585476875305 gaged:0.012302746996283531 the:0.00041372948908247054 of:0.00020872702589258552 :0.10794699192047119 +the:0.1269996166229248 tho:0.03893323615193367 it:0.025387173518538475 there:0.02232915535569191 :0.11262869089841843 +and:0.11038656532764435 was:0.04888135567307472 had:0.030309831723570824 to:0.027238765731453896 :0.07923702150583267 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.1052117571234703 be:0.023981884121894836 a:0.022236693650484085 tho:0.012235070578753948 :0.3261999487876892 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.0868336409330368 on:0.06031673401594162 by:0.04890337586402893 the:0.04295677691698074 :0.10716073215007782 +the:0.12288732081651688 from:0.09315386414527893 by:0.06495678424835205 and:0.02829744480550289 :0.05439566820859909 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.18868426978588104 is:0.09020184725522995 in:0.048464734107255936 and:0.035438064485788345 :0.051854778081178665 +the:0.07271524518728256 of:0.06077104061841965 and:0.0458257794380188 in:0.0423535518348217 :0.07836753129959106 +of:0.3068539798259735 and:0.14136143028736115 which:0.05411214008927345 to:0.03849058970808983 :0.04228128120303154 +Assembly:0.06292631477117538 of:0.03374562785029411 and:0.016197901219129562 Manager:0.009145837277173996 :0.5189526081085205 +the:0.038386888802051544 to:0.015392661094665527 a:0.014380856417119503 that:0.01046338863670826 :0.19328241050243378 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.11972136795520782 in:0.0901370421051979 and:0.04286076873540878 was:0.030984079465270042 :0.07768339663743973 +and:0.058563072234392166 at:0.05571788176894188 of:0.03688621520996094 in:0.03214990720152855 :0.20409880578517914 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +sons:0.18947990238666534 sonal:0.07181982696056366 sons,:0.049951475113630295 fectly:0.03903164342045784 :0.3718528747558594 +of:0.6119489669799805 No.:0.044242579489946365 to:0.026951676234602928 and:0.021071214228868484 :0.04365861043334007 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +and:0.17426082491874695 at:0.07484319061040878 the:0.05904830992221832 to:0.04112973436713219 :0.08483266830444336 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +to:0.08811277896165848 by:0.07490257173776627 the:0.07252737879753113 in:0.05403134599328041 :0.0931118056178093 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.126643568277359 in:0.06084058806300163 and:0.058569081127643585 a:0.05446407198905945 :0.10853643715381622 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +by:0.24202589690685272 the:0.19914279878139496 him:0.0695405900478363 to:0.051549263298511505 :0.0530572384595871 +and:0.05079394578933716 injury:0.029933171346783638 harm:0.025182418525218964 or:0.022957835346460342 :0.33294111490249634 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +in:0.0677516907453537 into:0.06750480085611343 a:0.05517236888408661 by:0.05323556438088417 :0.04548600688576698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +the:0.07442211359739304 it:0.04774181544780731 a:0.03628969565033913 in:0.022620467469096184 :0.11689860373735428 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.2091735452413559 the:0.07547719031572342 but:0.05686859413981438 that:0.042730625718832016 :0.039872292429208755 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.0868336409330368 on:0.06031673401594162 by:0.04890337586402893 the:0.04295677691698074 :0.10716073215007782 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.05738638713955879 and:0.041661884635686874 to:0.03419220447540283 is:0.030160315334796906 :0.08993106335401535 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.13339655101299286 up:0.03706900030374527 dry:0.021807853132486343 the:0.020649030804634094 :0.14105576276779175 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +that:0.17381775379180908 of:0.1295325756072998 thereof:0.07862356305122375 shall:0.07676761597394943 :0.04346486181020737 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +time:0.14122091233730316 distance:0.1244429349899292 of:0.07592078298330307 time.:0.04901304468512535 :0.14211395382881165 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +menced:0.07696787267923355 pelled:0.0728989690542221 mand:0.045543372631073 mittee:0.04387266933917999 :0.2858681082725525 +products:0.0689997598528862 and:0.05198271945118904 of:0.04707800969481468 in:0.04011305421590805 :0.14262552559375763 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.20958898961544037 of:0.13521285355091095 that:0.04914193972945213 In:0.046728625893592834 :0.034776847809553146 +and:0.11121129989624023 that:0.07368709146976471 of:0.06917645037174225 to:0.058394357562065125 :0.09637873619794846 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +He:0.1192312017083168 The:0.07832956314086914 It:0.040300484746694565 I:0.03143010661005974 :0.151652991771698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +and:0.11621181666851044 which:0.08495956659317017 but:0.054012443870306015 the:0.02450958639383316 :0.09412956237792969 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +of:0.3883739113807678 which:0.04086053743958473 and:0.04033040255308151 to:0.038388967514038086 :0.04582668095827103 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18610996007919312 the:0.061275407671928406 but:0.04573366791009903 that:0.030463142320513725 :0.18108858168125153 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +of:0.19918951392173767 and:0.1235930323600769 was:0.04483741521835327 in:0.028588784858584404 :0.10889150202274323 +of:0.13176177442073822 and:0.09705605357885361 is:0.04593224450945854 in:0.03961748629808426 :0.05862429738044739 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +of:0.3890458643436432 and:0.04123804345726967 are:0.027268264442682266 in:0.020950645208358765 :0.03761357069015503 +said:0.016014106571674347 same:0.011607070453464985 United:0.007348593324422836 great:0.006914914585649967 :0.21699903905391693 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.23367570340633392 or:0.044364940375089645 but:0.02753591723740101 with:0.023656019940972328 :0.09458994120359421 +to:0.187033548951149 from:0.11096091568470001 in:0.07772479206323624 and:0.03400713577866554 :0.0626215711236 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.13176177442073822 and:0.09705605357885361 is:0.04593224450945854 in:0.03961748629808426 :0.05862429738044739 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08232931047677994 to:0.08097133040428162 up:0.058628760278224945 out:0.04921894147992134 :0.0535568967461586 +me:0.12613973021507263 him:0.09845549613237381 that:0.09595810621976852 the:0.08385201543569565 :0.07506453990936279 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +a:0.04958285763859749 the:0.02362406626343727 made:0.02205597795546055 not:0.019995151087641716 :0.25965505838394165 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.12808561325073242 and:0.11318099498748779 the:0.037119060754776 in:0.035098541527986526 :0.1322014182806015 +of:0.3725869655609131 to:0.08517558872699738 that:0.047408752143383026 a:0.035384152084589005 :0.07012268155813217 +to:0.3687913417816162 by:0.3430377244949341 in:0.034887149930000305 the:0.021297654137015343 :0.022159885615110397 +to:0.13956312835216522 and:0.026182428002357483 feature:0.019707193598151207 sensation:0.014715268276631832 :0.2667960226535797 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +to:0.12405265122652054 that:0.06702939420938492 a:0.06196413189172745 by:0.05722995102405548 :0.05389298126101494 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12425361573696136 a:0.07836058735847473 tne:0.028372881934046745 any:0.011075528338551521 :0.19144801795482635 +and:0.09545382857322693 is:0.04026230797171593 growers:0.033717889338731766 from:0.032995402812957764 :0.15104910731315613 +against:0.16528943181037903 to:0.07744492590427399 at:0.07012607902288437 in:0.06253387778997421 :0.06661476194858551 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +said:0.005277389194816351 day:0.005152828060090542 two:0.004321153275668621 same:0.0031061889603734016 :0.749644935131073 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +by:0.08554238826036453 and:0.054187122732400894 a:0.031609099358320236 friend:0.030181141570210457 :0.20207487046718597 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14564181864261627 F.:0.02288384921848774 H.:0.01941012404859066 E.:0.017880326136946678 :0.4318472743034363 +Virginia.:0.10133063048124313 of:0.04319428279995918 and:0.038738712668418884 Virginia:0.03452788293361664 :0.345829039812088 +and:0.20153245329856873 the:0.049592867493629456 but:0.03576623275876045 which:0.03544115647673607 :0.07135973870754242 +of:0.20885978639125824 to:0.15593069791793823 the:0.10119602829217911 and:0.024942973628640175 :0.06719914823770523 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.43013790249824524 by:0.1294732391834259 that:0.036955177783966064 upon:0.03211626783013344 :0.02264554239809513 +the:0.2005920708179474 and:0.04331935942173004 of:0.03526621311903 a:0.01947622559964657 :0.08998417109251022 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.11054210364818573 to:0.08705401420593262 into:0.045258548110723495 and:0.04450628533959389 :0.06948534399271011 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +ner:0.05253661423921585 aged:0.040408190339803696 age:0.019668923690915108 kind.:0.01724863238632679 :0.6978318691253662 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18577177822589874 the:0.08428072929382324 but:0.024893740192055702 we:0.023207468912005424 :0.08328472822904587 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17507649958133698 in:0.02654154598712921 at:0.023835564032197 the:0.023425176739692688 :0.14130033552646637 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.15555837750434875 the:0.05096447467803955 an:0.03848416730761528 so:0.03581169620156288 :0.2664255201816559 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.055025313049554825 as:0.017483513802289963 to:0.017465930432081223 and:0.016353726387023926 :0.20794278383255005 +over:0.17416685819625854 to:0.10418988764286041 out:0.06471280753612518 toward:0.056934457272291183 :0.05457296222448349 +is:0.22840717434883118 was:0.1355753242969513 has:0.03986586630344391 Is:0.02246147394180298 :0.2075706273317337 +the:0.11845995485782623 that:0.10215578228235245 a:0.07469209283590317 to:0.0738128200173378 :0.09387335926294327 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.22892916202545166 and:0.22343693673610687 to:0.06401782482862473 is:0.025007011368870735 :0.044705625623464584 +of:0.3009198009967804 that:0.12671631574630737 to:0.03290852904319763 was:0.027390817180275917 :0.05954383313655853 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +D.:0.09133537113666534 D:0.07076951116323471 M:0.04196279123425484 D.,:0.026836561039090157 :0.3871876001358032 +upon:0.10406841337680817 the:0.09887625277042389 to:0.07992899417877197 for:0.05725368484854698 :0.14102797210216522 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.03990592435002327 sition:0.026585068553686142 litical:0.021545419469475746 of:0.013065950013697147 :0.5511538982391357 +the:0.30450430512428284 their:0.04299037903547287 his:0.03644812852144241 and:0.029843641445040703 :0.06383932381868362 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +the:0.24676382541656494 this:0.05421524867415428 that:0.04525945335626602 a:0.037035953253507614 :0.23227788507938385 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.1585543006658554 tho:0.033081214874982834 a:0.02790134958922863 once:0.024541763588786125 :0.2612431049346924 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +A:0.06815702468156815 The:0.051270272582769394 A.:0.04976645112037659 He:0.01674814522266388 :0.5691120028495789 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +us:0.16490952670574188 the:0.14133049547672272 him:0.0580168291926384 them:0.05629434809088707 :0.057524699717760086 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.1570420116186142 he:0.07660027593374252 you:0.06732065230607986 it:0.05824311077594757 :0.12500019371509552 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.13903124630451202 A.:0.038272593170404434 H.:0.023416606709361076 B.:0.02103833667933941 :0.37535467743873596 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.22319157421588898 the:0.04695799946784973 and:0.04136258363723755 in:0.03733930364251137 :0.07049695402383804 +ing:0.6673517227172852 ed:0.07056686282157898 ing,:0.046261582523584366 ly:0.02450745552778244 :0.08108636736869812 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.10674341768026352 in:0.04596884921193123 to:0.0443289540708065 for:0.0358363576233387 :0.09534964710474014 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.14646166563034058 a:0.09217408299446106 off:0.056894514709711075 out:0.03928978368639946 :0.07310707867145538 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.23846298456192017 a:0.09136418253183365 their:0.05497528240084648 his:0.05268901586532593 :0.1246405839920044 +and:0.22655782103538513 the:0.054943930357694626 which:0.052061956375837326 a:0.019735684618353844 :0.1345498114824295 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.08576912432909012 in:0.08297037333250046 by:0.04866446927189827 the:0.035644471645355225 :0.121477872133255 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +on:0.09649127721786499 and:0.07511581480503082 shall:0.07213999330997467 to:0.06943632662296295 :0.08780521154403687 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +-:0.06107817962765694 same:0.013790345750749111 y:0.009625174105167389 m:0.008376948535442352 :0.5491332411766052 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +that:0.2815297842025757 the:0.18785539269447327 he:0.0755312368273735 a:0.030812233686447144 :0.04823720082640648 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.3977600038051605 for:0.1550895869731903 was:0.06712034344673157 the:0.03992309048771858 :0.03631764277815819 +and:0.25872644782066345 but:0.05545387417078018 which:0.03190924599766731 for:0.02421892061829567 :0.20061933994293213 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.41385453939437866 and:0.07554993033409119 in:0.05100345239043236 to:0.02218272164463997 :0.033047132194042206 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +was:0.05742809176445007 to:0.03763579949736595 who:0.03742207959294319 a:0.03651514649391174 :0.03335530310869217 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.25798022747039795 that:0.11406686902046204 the:0.04851679876446724 to:0.043433353304862976 :0.04260089620947838 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +Justice:0.641805112361908 of:0.06140818074345589 Engineer:0.016077285632491112 Clerk:0.010480622760951519 :0.1377221792936325 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +the:0.03272014483809471 been:0.030291058123111725 ry:0.01906801573932171 a:0.016255414113402367 :0.3086448013782501 +years:0.08584744483232498 (20):0.04427598416805267 years,:0.035455748438835144 minutes:0.031484853476285934 :0.23568600416183472 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.03632228076457977 The:0.036176104098558426 In:0.019552139565348625 and:0.015413719229400158 :0.2954694926738739 +of:0.1782074123620987 a:0.131612166762352 the:0.06333466619253159 an:0.039423391222953796 :0.11722748726606369 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.3090823292732239 door:0.22313036024570465 and:0.03944689407944679 the:0.02975633181631565 :0.06738375127315521 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.47547027468681335 not:0.18969513475894928 the:0.015077520161867142 that:0.011242065578699112 :0.04059397056698799 +income:0.04481896758079529 area:0.03305879607796669 of:0.02796095795929432 profit:0.027240952476859093 :0.10940603911876678 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.10242012143135071 and:0.04413793608546257 to:0.04188914969563484 on:0.030992401763796806 :0.134567990899086 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21045233309268951 a:0.07916683703660965 all:0.07611480355262756 only:0.022766390815377235 :0.19082100689411163 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08566521108150482 are:0.08188982307910919 were:0.056990716606378555 who:0.047830596566200256 :0.07231925427913666 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.13646440207958221 of:0.10186740756034851 in:0.07001083344221115 and:0.061304472386837006 :0.06401865184307098 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.09394433349370956 in:0.06763888895511627 are:0.06361658126115799 have:0.0539427250623703 :0.054874274879693985 +and:0.09439653158187866 Tennessee,:0.06932362169027328 who:0.062469396740198135 the:0.02591223642230034 :0.13760946691036224 +and:0.04059966653585434 in:0.016582079231739044 as:0.016493018716573715 cured:0.011319244280457497 :0.48340967297554016 +of:0.32178351283073425 to:0.13942445814609528 on:0.03657924756407738 and:0.02974058873951435 :0.03815372660756111 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2575659155845642 in:0.1800074726343155 the:0.15498077869415283 is:0.017300182953476906 :0.02500266022980213 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +York:0.10412642359733582 York,:0.06617753207683563 the:0.05753936991095543 that:0.05514800176024437 :0.08182577043771744 +and:0.2934068739414215 but:0.036494411528110504 the:0.028060175478458405 to:0.015287220478057861 :0.09623987972736359 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.27659350633621216 it:0.08979225903749466 they:0.06054629012942314 It:0.03623787686228752 :0.0398496575653553 +of:0.5257818698883057 to:0.08146625757217407 in:0.05021068453788757 and:0.031117262318730354 :0.051688916981220245 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.22454409301280975 but:0.08041616529226303 the:0.03269324079155922 as:0.018102265894412994 :0.08338131755590439 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.021323584020137787 J.:0.014523251913487911 R:0.012426471337676048 Pierce's:0.011717194691300392 :0.5844763517379761 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09705284237861633 or:0.04787084087729454 of:0.047610051929950714 in:0.02879238687455654 :0.17076681554317474 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +a:0.04434193670749664 the:0.02290268987417221 in:0.017242947593331337 made:0.016590803861618042 :0.27750909328460693 +D.:0.09133537113666534 D:0.07076951116323471 M:0.04196279123425484 D.,:0.026836561039090157 :0.3871876001358032 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mills:0.05190351605415344 and:0.04875558614730835 is:0.03792218491435051 goods:0.03709053620696068 :0.15627595782279968 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.3219875693321228 the:0.11093706637620926 to:0.043951988220214844 and:0.0387069396674633 :0.03487952798604965 +have:0.10067906230688095 are:0.054270002990961075 had:0.03901999816298485 will:0.038375210016965866 :0.18191181123256683 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.06205597147345543 who:0.038003161549568176 and:0.03259006887674332 girl.:0.02399561181664467 :0.239867702126503 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +to:0.2426539957523346 and:0.07634297013282776 the:0.06551074236631393 it.:0.027038248255848885 :0.07577338814735413 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.15697121620178223 by:0.14926564693450928 and:0.06289861351251602 a:0.031502045691013336 :0.07673541456460953 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.17722342908382416 by:0.131978377699852 for:0.056036222726106644 a:0.05297184735536575 :0.11476556211709976 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +of:0.22054986655712128 in:0.13929128646850586 for:0.044522203505039215 and:0.03464645892381668 :0.04792043939232826 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.06779367476701736 land:0.03906998038291931 products:0.03217826411128044 pursuits:0.028289783746004105 :0.18086901307106018 +the:0.06634201854467392 of:0.0517156757414341 a:0.030882710590958595 for:0.022234108299016953 :0.3127080202102661 +tance:0.11943025141954422 tant:0.10985413938760757 charge:0.05891687422990799 trict:0.04066450893878937 :0.3773779273033142 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1687968522310257 and:0.06724078953266144 Taft:0.05680523440241814 Cleveland:0.03148488700389862 :0.17634274065494537 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +of:0.11063162982463837 and:0.07916037738323212 or:0.057095520198345184 to:0.05114269256591797 :0.10521155595779419 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1669366955757141 the:0.046423010528087616 which:0.045486874878406525 but:0.02608291432261467 :0.1438155472278595 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.09144353121519089 in:0.0526660792529583 on:0.03781794384121895 of:0.033981893211603165 :0.1374097466468811 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.07274293154478073 of:0.06437946856021881 office:0.059359531849622726 office,:0.04746858403086662 :0.12829835712909698 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +been:0.036120228469371796 as:0.02952088788151741 the:0.029019545763731003 a:0.02114018239080906 :0.13460218906402588 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +The:0.14020510017871857 It:0.07455623149871826 He:0.05574960634112358 I:0.04486776888370514 :0.21012721955776215 +and:0.17319326102733612 the:0.046095721423625946 but:0.035923730581998825 to:0.01993907056748867 :0.18625792860984802 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +and:0.11613354831933975 stream:0.03389473631978035 enough:0.020493704825639725 principles:0.013735204935073853 :0.19327904284000397 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +visions:0.07499134540557861 vided:0.03065517358481884 duced:0.03032933920621872 vide:0.02765122801065445 :0.5735341906547546 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +the:0.1284632533788681 a:0.026250101625919342 tne:0.025473326444625854 said:0.014708544127643108 :0.25927409529685974 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.10382786393165588 the:0.07048171758651733 very:0.051332976669073105 so:0.038885168731212616 :0.20304261147975922 +of:0.4096487760543823 with:0.10958489775657654 more:0.09004068374633789 in:0.029714928939938545 :0.04068519547581673 +to:0.11980165541172028 and:0.09230322390794754 demand:0.01837044395506382 in:0.016346678137779236 :0.23429441452026367 +the:0.5522398948669434 tho:0.043908875435590744 a:0.03137049078941345 said:0.01975037343800068 :0.05741069093346596 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +most:0.010229216888546944 said:0.008809289894998074 first:0.008408877067267895 State:0.006295645609498024 :0.4870438873767853 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +to:0.24698565900325775 by:0.08737216144800186 that:0.02438562922179699 a:0.019718801602721214 :0.17694467306137085 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.20556673407554626 of:0.1201682835817337 to:0.06529860198497772 was:0.03523921221494675 :0.06678897142410278 +the:0.06388470530509949 and:0.031914856284856796 that:0.026158975437283516 a:0.02588890679180622 :0.1474779099225998 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +dollars:0.06641729176044464 dollars,:0.041927482932806015 of:0.03130214661359787 and:0.029086347669363022 :0.2593652307987213 +of:0.6969003677368164 the:0.018362542614340782 mainly:0.016745813190937042 by:0.013359359465539455 :0.022425809875130653 +with:0.17579962313175201 to:0.0748019590973854 and:0.0442529171705246 the:0.02909081056714058 :0.06959614157676697 +by:0.17989183962345123 in:0.11142686754465103 a:0.08615675568580627 the:0.049996864050626755 :0.0672377273440361 +tract:0.03600350394845009 tinued:0.03285365551710129 struction:0.0242477897554636 nected:0.021600980311632156 :0.5468257069587708 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3618798851966858 in:0.06729036569595337 and:0.058162469416856766 more:0.04687514528632164 :0.07963946461677551 +been:0.08169423043727875 The:0.030889587476849556 and:0.028958739712834358 In:0.028535494580864906 :0.07696150243282318 +and:0.06757659465074539 as:0.05879008397459984 in:0.04391643777489662 but:0.03812812641263008 :0.08029738068580627 +The:0.19156907498836517 It:0.035188015550374985 They:0.033007409423589706 He:0.03250559791922569 :0.08843288570642471 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2339870035648346 but:0.053631968796253204 as:0.03261687979102135 are:0.03034774214029312 :0.0667978972196579 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.13176177442073822 and:0.09705605357885361 is:0.04593224450945854 in:0.03961748629808426 :0.05862429738044739 +of:0.09858832508325577 upon:0.07605303078889847 and:0.06621275097131729 the:0.059439558535814285 :0.08293799310922623 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +to:0.272633820772171 that:0.18107542395591736 from:0.06644268333911896 in:0.05761049687862396 :0.04076956957578659 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.08577840775251389 the:0.029719563201069832 which:0.016421686857938766 or:0.015225603245198727 :0.37364649772644043 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.24989090859889984 with:0.0846153199672699 the:0.0780000314116478 and:0.0472780205309391 :0.04162170737981796 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +a:0.3417431712150574 the:0.15401971340179443 of:0.04692988097667694 and:0.046126578003168106 :0.06791932880878448 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +be:0.10267546027898788 a:0.053029220551252365 the:0.04280104488134384 have:0.04004745930433273 :0.15191881358623505 +and:0.1279042363166809 in:0.0654413029551506 to:0.05336621403694153 is:0.04607776924967766 :0.06652896106243134 +D.:0.09133537113666534 D:0.07076951116323471 M:0.04196279123425484 D.,:0.026836561039090157 :0.3871876001358032 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +property:0.08379381895065308 knowledge:0.05445515736937523 estate:0.030136000365018845 appearance:0.023564204573631287 :0.19857750833034515 +than:0.08914390206336975 be:0.08230361342430115 a:0.03354828432202339 to:0.03193369135260582 :0.14987881481647491 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +and:0.19944366812705994 but:0.05901883915066719 the:0.04858103021979332 which:0.032363809645175934 :0.045016106218099594 +of:0.34588637948036194 and:0.05579092726111412 to:0.037500862032175064 in:0.0331132709980011 :0.05716017261147499 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2246512472629547 of:0.1833111196756363 the:0.06144733726978302 a:0.056779853999614716 :0.05355501174926758 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.8024579882621765 to,:0.035352930426597595 to.:0.025761032477021217 the:0.013331442140042782 :0.03340037539601326 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +ister:0.2867157757282257 ular:0.009038437157869339 A:0.002606930211186409 the:0.0018107646610587835 :0.645940899848938 +a:0.15555837750434875 the:0.05096447467803955 an:0.03848416730761528 so:0.03581169620156288 :0.2664255201816559 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +The:0.07995075732469559 He:0.03821639344096184 It:0.0377187505364418 In:0.029095010831952095 :0.33208268880844116 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.2156682312488556 but:0.06629597395658493 the:0.04753940552473068 as:0.020359059795737267 :0.06272640824317932 +of:0.09895186871290207 in:0.07310876250267029 by:0.0710296779870987 and:0.04945934936404228 :0.043017033487558365 +of:0.17216098308563232 and:0.14337201416492462 who:0.056847188621759415 to:0.04020079970359802 :0.04929092526435852 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.19559139013290405 had:0.058138638734817505 is:0.04658277705311775 has:0.0340050607919693 :0.09720320999622345 +tain:0.16956932842731476 pended:0.06911609321832657 tained:0.057948037981987 pension:0.04056647792458534 :0.5806340575218201 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +The:0.1752268671989441 It:0.1043473407626152 In:0.037305962294340134 He:0.028131121769547462 :0.2533923089504242 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.15342138707637787 was:0.04845549166202545 that:0.03587391600012779 in:0.03338546305894852 :0.06433124095201492 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +party:0.229938805103302 party,:0.09808222949504852 and:0.051574330776929855 of:0.012069872580468655 :0.1931997686624527 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11078379303216934 the:0.07245540618896484 it:0.056298889219760895 is:0.03932986408472061 :0.03312937915325165 +The:0.11927134543657303 It:0.04749399051070213 I:0.036111459136009216 In:0.03250967711210251 :0.18097898364067078 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.07842988520860672 It:0.03613490238785744 He:0.028966110199689865 In:0.028616266325116158 :0.20941968262195587 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +car:0.06422726809978485 and:0.04568970948457718 is:0.04274490103125572 car,:0.02827187441289425 :0.19419477880001068 +the:0.039065174758434296 of:0.015829794108867645 to:0.012704892084002495 in:0.010274951346218586 :0.3739505112171173 +party:0.26771798729896545 party,:0.14677278697490692 candi-:0.01756945066154003 members:0.014215825125575066 :0.2194165587425232 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.026459073647856712 .:0.015532474964857101 to:0.011833610944449902 and:0.0113530233502388 :0.34905585646629333 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.131540447473526 where:0.0622418187558651 the:0.039428576827049255 which:0.03145892545580864 :0.034046780318021774 +tract:0.03600350394845009 tinued:0.03285365551710129 struction:0.0242477897554636 nected:0.021600980311632156 :0.5468257069587708 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +H.:0.029865626245737076 W:0.029710689559578896 J:0.025958722457289696 A.:0.024237588047981262 :0.3431944251060486 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.18371456861495972 but:0.06962110847234726 which:0.03459428250789642 the:0.03308838605880737 :0.04001173749566078 +of:0.3625239431858063 and:0.16419416666030884 are:0.023045310750603676 in:0.020299872383475304 :0.03556095436215401 +.:0.01646672934293747 nd:0.016252566128969193 a:0.015175622887909412 r:0.013777473010122776 :0.23302529752254486 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +in:0.11236196011304855 after:0.09626514464616776 as:0.03898494690656662 if:0.037081994116306305 :0.06158265843987465 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1416703164577484 of:0.0881388857960701 as:0.02927405945956707 persons:0.018409952521324158 :0.38797643780708313 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +B:0.04202137142419815 J:0.01830977573990822 A.:0.01320461742579937 W.:0.01309368945658207 :0.5110524892807007 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +to:0.2068144977092743 from:0.04515812173485756 in:0.043426912277936935 the:0.043175652623176575 :0.08021046221256256 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.7418510913848877 and:0.020352721214294434 that:0.01716007851064205 ot:0.012278868816792965 :0.02082015760242939 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +up:0.09621059894561768 by:0.08130259066820145 a:0.05925596505403519 in:0.05596292391419411 :0.040584683418273926 +the:0.11845995485782623 that:0.10215578228235245 a:0.07469209283590317 to:0.0738128200173378 :0.09387335926294327 +of:0.6560469269752502 to:0.03335763141512871 for:0.032377760857343674 and:0.02073591947555542 :0.04482518509030342 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.19277766346931458 that:0.11175953596830368 by:0.09067124128341675 the:0.07330118119716644 :0.09408503025770187 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +be:0.1958777904510498 not:0.03477010130882263 bo:0.027932483702898026 see:0.018173616379499435 :0.18581628799438477 +of:0.2575659155845642 in:0.1800074726343155 the:0.15498077869415283 is:0.017300182953476906 :0.02500266022980213 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.07309475541114807 was:0.0646689310669899 who:0.05993006005883217 in:0.04454505443572998 :0.0765242949128151 +of:0.35824817419052124 and:0.05244489014148712 in:0.02680005319416523 on:0.026612399145960808 :0.044150058180093765 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10146547853946686 for:0.08327654749155045 of:0.05342604219913483 in:0.04067001864314079 :0.08388406783342361 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +parts:0.0541972778737545 other:0.021465172991156578 points:0.01874598301947117 kinds:0.017412925139069557 :0.3119319975376129 +a:0.05304989591240883 vegetable:0.03713013976812363 political:0.02086036466062069 the:0.01793625019490719 :0.3127610981464386 +been:0.19392432272434235 a:0.06330392509698868 the:0.04487724229693413 to:0.013993944972753525 :0.11483967304229736 +o'clock:0.09893149882555008 per:0.07161907106637955 to:0.05035020411014557 o’clock:0.0258738175034523 :0.19634735584259033 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +partment:0.019432559609413147 -:0.0044815572910010815 mand:0.0022299501579254866 fendant:0.0014814328169450164 :0.9172768592834473 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.42879217863082886 the:0.05639713630080223 in:0.0377148762345314 and:0.027652010321617126 :0.04382414370775223 +and:0.11064009368419647 of:0.06982377171516418 the:0.04017020761966705 in:0.03813361003994942 :0.07689812779426575 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +Dated:0.5409730076789856 The:0.050781216472387314 Now,:0.02747354283928871 That:0.02686651609838009 :0.07129319757223129 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.08699627965688705 the:0.029857298359274864 who:0.023596767336130142 in:0.018965084105730057 :0.28747472167015076 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05782950296998024 16,:0.038371674716472626 township:0.025158682838082314 block:0.02228447049856186 :0.28828102350234985 +visions:0.07499134540557861 vided:0.03065517358481884 duced:0.03032933920621872 vide:0.02765122801065445 :0.5735341906547546 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.17352347075939178 in:0.05865609273314476 and:0.0535142682492733 for:0.048398036509752274 :0.06380102783441544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +of:0.09315019845962524 in:0.08268646895885468 and:0.07984445244073868 to:0.05664271488785744 :0.12095607817173004 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.19944366812705994 but:0.05901883915066719 the:0.04858103021979332 which:0.032363809645175934 :0.045016106218099594 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23586267232894897 and:0.08873432874679565 to:0.05442215874791145 in:0.04584018141031265 :0.07228832691907883 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +value:0.120597705245018 that:0.10974527150392532 to:0.05704387649893761 and:0.05515408143401146 :0.15168240666389465 +and:0.10293618589639664 was:0.0534241609275341 to:0.04172157496213913 of:0.0401761569082737 :0.10252445936203003 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +to:0.16876760125160217 for:0.07323770970106125 in:0.061218198388814926 by:0.036283574998378754 :0.1092919185757637 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17220237851142883 to:0.0921231061220169 Block:0.03398796170949936 of:0.03290227800607681 :0.1978335678577423 +country:0.012647154740989208 amount:0.0090327188372612 population:0.008239610120654106 body:0.008023981004953384 :0.24528633058071136 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.21045096218585968 with:0.04318690299987793 the:0.03455602750182152 but:0.025568926706910133 :0.054666317999362946 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2636633813381195 the:0.038776542991399765 to:0.020945942029356956 in:0.02025945670902729 :0.12089189141988754 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.14305239915847778 and:0.12770850956439972 are:0.10827659070491791 were:0.07190372794866562 :0.045918822288513184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +A.:0.08120714128017426 and:0.05612996965646744 the:0.02203916572034359 in:0.017020156607031822 :0.5512146353721619 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.09161346405744553 with:0.07575581967830658 have:0.04925328493118286 were:0.048757389187812805 :0.04667496681213379 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05729925259947777 of:0.044900622218847275 the:0.031499624252319336 a:0.023880939930677414 :0.41951584815979004 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +for:0.09999806433916092 to:0.08886914700269699 with:0.07833275198936462 in:0.06518544256687164 :0.2620840072631836 +sand:0.041818879544734955 art:0.03116399422287941 and:0.014688938856124878 to:0.010661638341844082 :0.4988496005535126 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +til:0.04039394110441208 the:0.03989577665925026 der:0.025629406794905663 -:0.019070474430918694 :0.4491795003414154 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +.:0.3358837366104126 .,:0.008899536915123463 and:0.008838549256324768 street:0.008602096699178219 :0.35505804419517517 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +mills:0.05190351605415344 and:0.04875558614730835 is:0.03792218491435051 goods:0.03709053620696068 :0.15627595782279968 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.1971677988767624 It:0.09892100840806961 In:0.0553346648812294 A:0.038587141782045364 :0.12114173173904419 +of:0.33271005749702454 where:0.060902390629053116 and:0.044516514986753464 to:0.02943365089595318 :0.06723405420780182 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.0216051135212183 E:0.015812955796718597 A:0.014276853762567043 F.:0.010626784525811672 :0.5523478984832764 +of:0.3239564001560211 and:0.029497044160962105 in:0.02307962439954281 or:0.020835209637880325 :0.11690698564052582 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.33950358629226685 and:0.0955313891172409 to:0.0775630995631218 that:0.02733413688838482 :0.056547243148088455 +of:0.23973938822746277 entitled,:0.0637207180261612 entitled:0.05312488600611687 to:0.0386035181581974 :0.05208645761013031 +for:0.2910405695438385 and:0.13178817927837372 with:0.10641440749168396 of:0.1062181144952774 :0.06283129006624222 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +part:0.06989191472530365 and:0.05408856272697449 states:0.0385357141494751 boundary:0.03325328230857849 :0.2770688235759735 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.15572179853916168 who:0.05797237902879715 the:0.045515693724155426 to:0.03258628770709038 :0.12825070321559906 +to:0.1646793782711029 in:0.1252308189868927 and:0.09526167809963226 of:0.06948091089725494 :0.05891020968556404 +that:0.08682309836149216 refused:0.03488382324576378 and:0.02741348184645176 to:0.022722110152244568 :0.24313847720623016 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.10687236487865448 by:0.09701365232467651 through:0.042013660073280334 a:0.03710853308439255 :0.06959804147481918 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +to:0.1984899640083313 that:0.07675211131572723 for:0.05568060278892517 and:0.029946060851216316 :0.11802364885807037 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.10630472749471664 County:0.04639080911874771 Registry:0.03474631905555725 to:0.025002358481287956 :0.23556073009967804 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +The:0.19214791059494019 It:0.04448752850294113 He:0.03245161473751068 This:0.02920801006257534 :0.17145133018493652 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.1752394288778305 and:0.0660611093044281 in:0.04439209774136543 is:0.03440983220934868 :0.07969938218593597 +than:0.12996214628219604 and:0.046882420778274536 ones:0.02854754589498043 ones,:0.022187935188412666 :0.25792405009269714 +and:0.049811434000730515 in:0.014613687992095947 to:0.014414122328162193 of:0.012540662661194801 :0.5585954189300537 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +pared:0.037899505347013474 vious:0.03507876768708229 sented:0.025886857882142067 sent:0.025578336790204048 :0.7330161929130554 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +and:0.12759031355381012 is:0.028223248198628426 rubber:0.027658691629767418 to:0.02521035633981228 :0.2339513897895813 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +in:0.25774842500686646 In:0.17000846564769745 of:0.084386445581913 at:0.07142942398786545 :0.18094925582408905 +that:0.30891019105911255 and:0.15902942419052124 the:0.030376635491847992 to:0.028346586972475052 :0.0514853298664093 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +upon:0.4273779094219208 by:0.17646968364715576 on:0.08027076721191406 with:0.05883324518799782 :0.03975434973835945 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +and:0.09804106503725052 had:0.03590179607272148 was:0.03187604993581772 has:0.0222491268068552 :0.372516930103302 +by:0.6341258883476257 the:0.04752548038959503 to:0.027228467166423798 in:0.02334965579211712 :0.020686786621809006 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.06938191503286362 be:0.04399369657039642 not:0.042489394545555115 a:0.03881790116429329 :0.12634198367595673 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.21862606704235077 on:0.2048213630914688 as:0.13911542296409607 by:0.09431315958499908 :0.054042164236307144 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +days:0.0883869081735611 years:0.056672316044569016 weeks:0.03694196790456772 of:0.03585732355713844 :0.18065567314624786 +pected:0.06772405654191971 tended:0.047400638461112976 pressed:0.0328308641910553 penses:0.029133949428796768 :0.6113684177398682 +to:0.09795942157506943 that:0.06981083750724792 of:0.05209944397211075 in:0.05002368986606598 :0.08183926343917847 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +and:0.11985290050506592 of:0.11415358632802963 in:0.06837210059165955 was:0.03374307602643967 :0.09139196574687958 +in:0.11075228452682495 on:0.07414887100458145 of:0.04810747504234314 and:0.0437038354575634 :0.11659959703683853 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +of:0.1553294062614441 and:0.0485227145254612 has:0.0442698672413826 says:0.03714682534337044 :0.1359533965587616 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1525612324476242 the:0.06610467284917831 but:0.04892208054661751 which:0.045996520668268204 :0.09990492463111877 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +to:0.5134709477424622 for:0.0942627415060997 of:0.03433724865317345 in:0.026638027280569077 :0.053714003413915634 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.2068144977092743 from:0.04515812173485756 in:0.043426912277936935 the:0.043175652623176575 :0.08021046221256256 +the:0.3804147243499756 and:0.07391095161437988 this:0.027769628912210464 all:0.022136762738227844 :0.07398542016744614 +are:0.10860337316989899 and:0.10065050423145294 were:0.05247322842478752 of:0.05173395574092865 :0.04982670396566391 +Central:0.06037276238203049 government:0.04961947724223137 government.:0.0274917371571064 government,:0.02591617777943611 :0.13136060535907745 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4748356342315674 that:0.12352713197469711 the:0.02698145993053913 to:0.02313326671719551 :0.02393544465303421 +of:0.05572347715497017 amount:0.01731906831264496 country:0.014941934496164322 or:0.014283082447946072 :0.1481226533651352 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.14938928186893463 the:0.042076628655195236 to:0.036728039383888245 that:0.027865270152688026 :0.09327076375484467 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.35115447640419006 or:0.10593227297067642 and:0.03195223584771156 No.:0.023218408226966858 :0.049758151173591614 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +most:0.010229216888546944 said:0.008809289894998074 first:0.008408877067267895 State:0.006295645609498024 :0.4870438873767853 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +the:0.11529232561588287 there:0.051798541098833084 he:0.05017337203025818 followed:0.04940646141767502 :0.05004606395959854 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +that:0.45233267545700073 the:0.09333619475364685 to:0.08567830175161362 a:0.03339623659849167 :0.029276471585035324 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +only:0.3332996368408203 a:0.13532593846321106 one:0.038889605551958084 so:0.030186615884304047 :0.04775760695338249 +.:0.27870669960975647 W:0.02773839235305786 J:0.016614221036434174 H:0.014257206581532955 :0.31039807200431824 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +D:0.041110094636678696 C:0.01648535765707493 D.,:0.012243960984051228 M.:0.00941298995167017 :0.5919619202613831 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +and:0.08465912938117981 was:0.05397873371839523 avenue:0.03636407107114792 has:0.0346992164850235 :0.16250188648700714 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +with:0.06273382902145386 and:0.04190251603722572 of:0.038935884833335876 was:0.02972414530813694 :0.07940685749053955 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.07604473829269409 composition:0.02652234397828579 skill:0.0203014574944973 or:0.013705058954656124 :0.32860615849494934 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +the:0.11845995485782623 that:0.10215578228235245 a:0.07469209283590317 to:0.0738128200173378 :0.09387335926294327 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +the:0.14629288017749786 is:0.07835333794355392 was:0.04457021877169609 all:0.020642362534999847 :0.06613031029701233 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.39631161093711853 and:0.11958212405443192 as:0.0351175032556057 or:0.025035137310624123 :0.030702754855155945 +mer:0.44660934805870056 mit:0.028176529332995415 mon:0.014938987791538239 of:0.002105181338265538 :0.43538373708724976 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06098729744553566 weather:0.05524011701345444 goods:0.05290152505040169 the:0.018245376646518707 :0.23122119903564453 +of:0.18352724611759186 number:0.025401901453733444 weight:0.01872982084751129 rate:0.017698757350444794 :0.1552705019712448 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +deg.:0.08060511201620102 per:0.03899208456277847 cents:0.027088621631264687 and:0.02313441038131714 :0.3006189167499542 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.4421940743923187 for:0.05860871076583862 of:0.03455626219511032 and:0.02930901199579239 :0.1019529476761818 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +y:0.020999448373913765 ir:0.015114418230950832 the:0.007846701890230179 and:0.006353563629090786 :0.23485510051250458 +of:0.1313088834285736 and:0.06385499238967896 in:0.04889488220214844 the:0.03444826975464821 :0.07110588997602463 +and:0.13432778418064117 who:0.07656916230916977 but:0.0314805842936039 the:0.025896072387695312 :0.06799708306789398 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.5957223176956177 in:0.041261427104473114 to:0.028458479791879654 and:0.023763667792081833 :0.04405505955219269 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +a:0.06555275619029999 the:0.042683109641075134 not:0.03487569838762283 to:0.025277500972151756 :0.3895660936832428 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.16792656481266022 magistrate:0.10767381638288498 reasons:0.03558943793177605 clerk:0.01624954119324684 :0.13839133083820343 +and:0.11262152343988419 the:0.025131583213806152 which:0.023297730833292007 who:0.01962878927588463 :0.3605518341064453 +by:0.4966173470020294 the:0.06000671908259392 a:0.04513314738869667 in:0.04083362594246864 :0.04751097783446312 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +county,:0.14520332217216492 and:0.08415918797254562 County:0.038481730967760086 doctrine:0.02278355322778225 :0.23570793867111206 +to:0.519232451915741 the:0.08837796002626419 in:0.050479862838983536 until:0.018289638683199883 :0.049641113728284836 +in:0.1800895780324936 above,:0.07478684931993484 and:0.045211199671030045 the:0.035007309168577194 :0.07628760486841202 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +street.:0.2365730255842209 and:0.15941064059734344 street,:0.12154264003038406 street:0.06804212182760239 :0.1762232929468155 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.1548973023891449 a:0.09206899255514145 up:0.041059792041778564 care:0.02844158187508583 :0.07705828547477722 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.13372091948986053 It:0.06310399621725082 I:0.03720846399664879 A:0.028292926028370857 :0.15188676118850708 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.026083948090672493 the:0.02586725540459156 to:0.01820608414709568 in:0.017298301681876183 :0.19565770030021667 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.13424623012542725 to:0.03985553979873657 and:0.029384437948465347 for:0.02857142686843872 :0.14794586598873138 +and:0.18716435134410858 the:0.03633232042193413 equality:0.02394556999206543 is:0.02065129764378071 :0.034075964242219925 +of:0.41840168833732605 ity:0.039608899503946304 and:0.0322684720158577 has:0.01978667639195919 :0.10286596417427063 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +the:0.13307353854179382 of:0.08495306223630905 that:0.05802878364920616 this:0.03344053402543068 :0.14084215462207794 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.16708256304264069 the:0.03603726252913475 but:0.03193699195981026 a:0.026616482064127922 :0.10177314281463623 +of:0.23801258206367493 in:0.13427169620990753 and:0.05702042579650879 at:0.046136245131492615 :0.05926724150776863 +the:0.10200776904821396 a:0.0657939687371254 them:0.05480276420712471 him:0.04573249816894531 :0.07286142557859421 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +were:0.07842900604009628 and:0.061783213168382645 at:0.041899170726537704 in:0.03632586449384689 :0.134040966629982 +of:0.4316440224647522 Court:0.14954879879951477 Attorney:0.0419226810336113 No.:0.024072300642728806 :0.09142711013555527 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +by:0.16022709012031555 the:0.1155911386013031 and:0.08589226007461548 in:0.03541338071227074 :0.09285246580839157 +the:0.1411600112915039 a:0.11820738017559052 place:0.04521225392818451 up:0.036363083869218826 :0.07629699259996414 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +to:0.2605377435684204 into:0.05381183698773384 on:0.04710131138563156 out:0.03876684606075287 :0.081917904317379 +and:0.1796700656414032 but:0.07396908104419708 the:0.032967496663331985 is:0.028363913297653198 :0.11263390630483627 +the:0.2797451615333557 a:0.030007336288690567 tho:0.020988933742046356 which:0.017905062064528465 :0.1704230010509491 +the:0.39590105414390564 them:0.04045192152261734 other:0.03521588072180748 those:0.034263964742422104 :0.07374279201030731 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +of:0.26552778482437134 and:0.057090941816568375 to:0.05132627859711647 in:0.03251481428742409 :0.11472458392381668 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.026459073647856712 .:0.015532474964857101 to:0.011833610944449902 and:0.0113530233502388 :0.34905585646629333 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.10119654983282089 in:0.090095654129982 to:0.06464767456054688 of:0.05286634713411331 :0.05902354046702385 +to:0.13539358973503113 and:0.06446288526058197 men:0.031165510416030884 testimony,:0.026533791795372963 :0.2765766680240631 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1708279699087143 he:0.027529902756214142 they:0.026014087721705437 it:0.0214961189776659 :0.2225865125656128 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +It:0.14540661871433258 I:0.09404081106185913 The:0.09097500145435333 No:0.05963129177689552 :0.1343863308429718 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +days:0.07922755926847458 per:0.045869313180446625 days.:0.044199828058481216 miles:0.03695133328437805 :0.24478009343147278 +of:0.4730832874774933 the:0.108547143638134 and:0.057228121906518936 over:0.029504667967557907 :0.03443371132016182 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +of:0.22100034356117249 and:0.1587972640991211 or:0.11659412831068039 in:0.04626990109682083 :0.03535722196102142 +of:0.08189814537763596 and:0.04809704050421715 in:0.045758362859487534 bidder,:0.022553736343979836 :0.14519362151622772 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.39590105414390564 them:0.04045192152261734 other:0.03521588072180748 those:0.034263964742422104 :0.07374279201030731 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +D:0.041110094636678696 C:0.01648535765707493 D.,:0.012243960984051228 M.:0.00941298995167017 :0.5919619202613831 +tempt:0.12840934097766876 tack:0.10728757083415985 tention:0.06053931266069412 tached:0.036700934171676636 :0.39972755312919617 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +the:0.07639267295598984 f:0.015588638372719288 a:0.013496394269168377 .:0.009731282480061054 :0.28148210048675537 +of:0.11308199912309647 like:0.08824805915355682 must:0.074315145611763 was:0.06165553256869316 :0.06601253151893616 +the:0.27322518825531006 to:0.05190782994031906 for:0.03549633547663689 a:0.03334205225110054 :0.08464105427265167 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.5185225009918213 in:0.07089981436729431 and:0.04151245206594467 that:0.023736916482448578 :0.020358948037028313 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +and:0.08929476886987686 of:0.08792639523744583 in:0.060354843735694885 to:0.03986435756087303 :0.0821104571223259 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +ago:0.15814702212810516 ago,:0.10855072736740112 in:0.05406471714377403 ago.:0.052123062312603 :0.0600147619843483 +the:0.1057080402970314 be:0.03831734508275986 a:0.014959323219954967 tho:0.01112061645835638 :0.40107113122940063 +the:0.20869651436805725 described:0.05462256446480751 all:0.0308659877628088 named:0.028359683230519295 :0.16649943590164185 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.37281256914138794 in:0.05855649709701538 and:0.041012510657310486 at:0.028361406177282333 :0.0785963237285614 +from:0.24989090859889984 with:0.0846153199672699 the:0.0780000314116478 and:0.0472780205309391 :0.04162170737981796 +to:0.11009678989648819 rooms:0.05466588959097862 of:0.03455588221549988 is:0.0325949601829052 :0.06396766752004623 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.29313892126083374 a:0.13772612810134888 no:0.029961081221699715 an:0.02469027042388916 :0.10373125970363617 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27322518825531006 to:0.05190782994031906 for:0.03549633547663689 a:0.03334205225110054 :0.08464105427265167 +people:0.03515072166919708 and:0.01288214698433876 flag:0.012252000160515308 Tobacco:0.009403125382959843 :0.4153604507446289 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10416929423809052 a:0.09372242540121078 and:0.058017194271087646 to:0.04080425575375557 :0.10714415460824966 +to:0.2669856548309326 of:0.2196711003780365 the:0.0313919298350811 was:0.023618487641215324 :0.03353823721408844 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.14759886264801025 a:0.06893133372068405 in:0.05745691806077957 for:0.050816722214221954 :0.08872040361166 +The:0.0882168784737587 He:0.05103379115462303 I:0.04823464900255203 It:0.046025101095438004 :0.1645796298980713 +of:0.3883739113807678 which:0.04086053743958473 and:0.04033040255308151 to:0.038388967514038086 :0.04582668095827103 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.1726367175579071 but:0.09129390865564346 that:0.073976069688797 it:0.0441279262304306 :0.09578351676464081 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.07143402844667435 Monday:0.05843755230307579 and:0.03897392004728317 day:0.035088054835796356 :0.16343024373054504 +to:0.09729010611772537 in:0.07676874101161957 and:0.06867628544569016 with:0.04964900016784668 :0.08989891409873962 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.0765189677476883 It:0.06585008651018143 In:0.048254892230033875 I:0.03126721829175949 :0.2654252052307129 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.3490632474422455 is:0.053258154541254044 and:0.03738630563020706 in:0.024364950135350227 :0.044786106795072556 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +of:0.38281258940696716 and:0.10104824602603912 to:0.025558114051818848 or:0.019479751586914062 :0.03573121130466461 +the:0.08488724380731583 and:0.05341378226876259 that:0.042812734842300415 a:0.04079418629407883 :0.06164862960577011 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.13873107731342316 at:0.11402341723442078 by:0.06212848797440529 on:0.05244706571102142 :0.05658649280667305 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +of:0.25457698106765747 and:0.06849519908428192 is:0.03853512927889824 has:0.03748655691742897 :0.05913323163986206 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +that:0.1904560625553131 the:0.0822119191288948 a:0.05589982867240906 in:0.030062764883041382 :0.09345176070928574 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +day:0.7342478036880493 of:0.07064556330442429 street,:0.015617809258401394 and:0.01263582892715931 :0.057270947843790054 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2669087052345276 and:0.08990827947854996 were:0.03009566105902195 the:0.024482164531946182 :0.042364850640296936 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +vent:0.06414711475372314 pared:0.06366728246212006 ferred:0.052419744431972504 sented:0.03446226567029953 :0.5677964687347412 +la:0.015989381819963455 scribed:0.007874476723372936 cided:0.0075001646764576435 signed:0.00633928133174777 :0.7141605019569397 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +of:0.1818421334028244 from:0.10257984697818756 and:0.06003938615322113 to:0.05561050400137901 :0.07177955657243729 +a:0.10998790711164474 the:0.10164430737495422 as:0.057018570601940155 that:0.05656176432967186 :0.11850807070732117 +of:0.06326676905155182 and:0.05183853209018707 to:0.05165884271264076 in:0.015564586967229843 :0.27699974179267883 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.05284084379673004 the:0.03313473239541054 to:0.021674156188964844 and:0.019749531522393227 :0.3066294491291046 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +of:0.48410600423812866 was:0.0408010296523571 and:0.03512541949748993 to:0.022651851177215576 :0.08200401812791824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +Fe:0.38727065920829773 Anna:0.02225320413708687 Barbara:0.018355121836066246 Clara:0.009845704771578312 :0.49902647733688354 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +fied:0.7060832977294922 factory:0.05188895761966705 faction:0.014200677163898945 and:0.00212569790892303 :0.18435540795326233 +in:0.5166383981704712 In:0.1262841522693634 on:0.057502008974552155 and:0.05383125692605972 :0.03346368670463562 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15865753591060638 amendment,:0.12508760392665863 but:0.066693976521492 which:0.03308763727545738 :0.04835104942321777 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +F:0.026345757767558098 W.:0.013423636555671692 of:0.010151742957532406 K:0.009861322119832039 :0.47507670521736145 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +all:0.09476007521152496 every:0.06474842131137848 a:0.06200682371854782 as:0.031045453622937202 :0.24326759576797485 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.25417250394821167 and:0.03897904232144356 is:0.028860248625278473 than:0.02820557914674282 :0.046843040734529495 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.3093509376049042 into:0.13669048249721527 upon:0.05330245569348335 and:0.030826816335320473 :0.04855292662978172 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +down:0.06690099090337753 and:0.06573210656642914 was:0.04260437935590744 in:0.035349857062101364 :0.05929188057780266 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +of:0.2279311865568161 and:0.15417948365211487 to:0.07852287590503693 in:0.04315828159451485 :0.03926525637507439 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.10297519713640213 the:0.023583950474858284 but:0.012358439154922962 in:0.011949246749281883 :0.41914212703704834 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.4191421568393707 and:0.057986680418252945 to:0.03905342519283295 was:0.025327539071440697 :0.04706355184316635 +of:0.5624262690544128 who:0.07547370344400406 and:0.026190055534243584 were:0.020074035972356796 :0.024116046726703644 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1917230188846588 but:0.07332544773817062 the:0.05086475610733032 as:0.02980509027838707 :0.06603360176086426 +two:0.06575946509838104 year:0.045408573001623154 few:0.04530929774045944 and:0.03685861825942993 :0.1297522932291031 +of:0.05127650499343872 Mr.:0.03630760684609413 the:0.036058057099580765 Mrs.:0.03522630035877228 :0.2981754541397095 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13747546076774597 who:0.0778050422668457 the:0.0370086245238781 but:0.024101005867123604 :0.06974043697118759 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +to:0.2777319550514221 for:0.12978734076023102 by:0.10064734518527985 and:0.06287790834903717 :0.03376643732190132 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.16233114898204803 the:0.08803972601890564 through:0.045534539967775345 to:0.016913428902626038 :0.13326489925384521 +to:0.08646342158317566 in:0.06261953711509705 and:0.06160210445523262 for:0.05159600079059601 :0.09178218245506287 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.12759031355381012 is:0.028223248198628426 rubber:0.027658691629767418 to:0.02521035633981228 :0.2339513897895813 +to:0.6539984345436096 for:0.05147678777575493 of:0.0463695302605629 the:0.02552293799817562 :0.024321990087628365 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3357008099555969 and:0.09664689004421234 for:0.051281075924634933 or:0.026938902214169502 :0.04965849965810776 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09705284237861633 or:0.04787084087729454 of:0.047610051929950714 in:0.02879238687455654 :0.17076681554317474 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +noon:0.5731087923049927 ward:0.08393523842096329 wards:0.03961050137877464 noon,:0.034067150205373764 :0.14689721167087555 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.33687904477119446 day:0.03186367452144623 Hundred:0.030532803386449814 thing:0.018876586109399796 :0.07920660823583603 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +the:0.13493818044662476 a:0.10850495100021362 place:0.07508259266614914 up:0.037724949419498444 :0.06988222897052765 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.1703420728445053 Utah:0.04188111424446106 thence:0.03605514019727707 Cumberland:0.029567692428827286 :0.3152582049369812 +by:0.21110409498214722 in:0.07178068906068802 and:0.05104102939367294 the:0.028731726109981537 :0.054690029472112656 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.1016489788889885 by:0.08175931125879288 the:0.0563754141330719 in:0.055914826691150665 :0.06163229048252106 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.1764044165611267 in:0.09661509841680527 to:0.06141768395900726 and:0.053252119570970535 :0.11586075276136398 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +m,:0.42675626277923584 m:0.026638012379407883 .:0.02393978089094162 m.:0.019279975444078445 :0.20585224032402039 +and:0.13518613576889038 is:0.05256069079041481 to:0.03936588019132614 or:0.024634208530187607 :0.2522590756416321 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05962648242712021 meeting:0.05551464110612869 of:0.05153454840183258 officers:0.03432628884911537 :0.08874493092298508 +in:0.09983611106872559 and:0.04424775019288063 on:0.04409151151776314 it:0.03255505487322807 :0.06295500695705414 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.3127351701259613 of:0.2479160726070404 in:0.035561494529247284 were:0.03496982529759407 :0.03321654722094536 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.10403569787740707 I:0.059165243059396744 It:0.04720251262187958 There:0.03278790041804314 :0.2839224934577942 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +to:0.19294968247413635 report:0.056840091943740845 for:0.029589764773845673 conditions.:0.027049168944358826 :0.08589857071638107 +in:0.3329366147518158 In:0.10178357362747192 the:0.07683532685041428 in,:0.026669394224882126 :0.05069480836391449 +of:0.47439685463905334 the:0.03173729404807091 that:0.028181927278637886 for:0.02212660014629364 :0.02925587072968483 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +of:0.2667330205440521 was:0.05887246131896973 in:0.05432561784982681 to:0.046679604798555374 :0.044944409281015396 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +The:0.1326744556427002 It:0.04400060698390007 A:0.03981296718120575 He:0.037272702902555466 :0.1484735906124115 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +years:0.10946635901927948 days:0.04829343408346176 days,:0.04671464115381241 miles:0.036352891474962234 :0.2682712972164154 +of:0.22112298011779785 and:0.09242049604654312 was:0.05056178569793701 the:0.04868604242801666 :0.09415824711322784 +and:0.13655774295330048 but:0.05111274868249893 red:0.05014483630657196 black:0.01682703197002411 :0.10979627072811127 +and:0.014377919025719166 of:0.0100332610309124 E.:0.005018176045268774 was:0.004265278577804565 :0.8437435626983643 +m,:0.42675626277923584 m:0.026638012379407883 .:0.02393978089094162 m.:0.019279975444078445 :0.20585224032402039 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.21874189376831055 and:0.10823098570108414 is:0.06903700530529022 in:0.053609710186719894 :0.0677051693201065 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +The:0.09105207771062851 I:0.040670245885849 It:0.04053247720003128 There:0.04007982462644577 :0.13711410760879517 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +the:0.12062713503837585 in:0.11651312559843063 and:0.04499958083033562 to:0.037027597427368164 :0.0578177310526371 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +and:0.06584575772285461 men:0.03125079348683357 in:0.02802252769470215 bullion:0.019411137327551842 :0.22512172162532806 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +of:0.6807273626327515 for:0.08396650105714798 the:0.01291427668184042 to:0.012859622947871685 :0.02661070041358471 +of:0.26980528235435486 for:0.07106920331716537 at:0.031796589493751526 is:0.027026984840631485 :0.06029368191957474 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.2057645469903946 from:0.047755464911460876 out:0.046072524040937424 in:0.04528909921646118 :0.06052161008119583 +and:0.06994211673736572 to:0.059498243033885956 the:0.0530715137720108 in:0.04195472598075867 :0.16329523921012878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +or:0.12655989825725555 who:0.08761545270681381 shall:0.059551093727350235 to:0.054939210414886475 :0.05548999831080437 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.1471138894557953 a:0.040774885565042496 and:0.03210408240556717 block:0.03132867440581322 :0.075720876455307 +the:0.141052708029747 order:0.05280354246497154 this:0.05081874877214432 view:0.05051908642053604 :0.07884273678064346 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +of:0.17486684024333954 to:0.055648162961006165 in:0.041222378611564636 for:0.0388302356004715 :0.060367047786712646 +the:0.14629288017749786 is:0.07835333794355392 was:0.04457021877169609 all:0.020642362534999847 :0.06613031029701233 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.13507071137428284 a:0.03872563689947128 tho:0.013262725435197353 that:0.013187229633331299 :0.1867712438106537 +most:0.009428142569959164 other:0.008101152256131172 to:0.006206442601978779 State:0.005546993110328913 :0.368068665266037 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.11484579741954803 of:0.09135742485523224 is:0.07505535334348679 in:0.034790270030498505 :0.07532615214586258 +was:0.05469629168510437 from:0.04934372007846832 through:0.033326517790555954 in:0.03017621487379074 :0.20990519225597382 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.18741902709007263 the:0.0714862048625946 to:0.036169346421957016 which:0.024636292830109596 :0.1189965158700943 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.2850199341773987 and:0.1340251863002777 was:0.03821563348174095 is:0.026878580451011658 :0.06617608666419983 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.24848297238349915 but:0.043967101722955704 the:0.04345379024744034 which:0.035146553069353104 :0.07070120424032211 +per:0.10937954485416412 of:0.10161136835813522 on:0.07068488746881485 and:0.07034411281347275 :0.06081569194793701 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +of:0.09184176474809647 and:0.08115623146295547 which:0.06063855066895485 to:0.04370622709393501 :0.07767698168754578 +the:0.23748289048671722 a:0.06004078686237335 tho:0.021919403225183487 this:0.018624989315867424 :0.25070086121559143 +of:0.5329242944717407 to:0.05364065617322922 and:0.042549166828393936 in:0.020224476233124733 :0.033370815217494965 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.32012662291526794 at:0.05905953049659729 In:0.058472391217947006 a:0.05687922239303589 :0.05219797417521477 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.11994177848100662 and:0.11193234473466873 with:0.03877892717719078 in:0.029020804911851883 :0.09174977242946625 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +limits:0.27484285831451416 powers:0.04275621846318245 seal:0.03576202690601349 name:0.030463147908449173 :0.17335164546966553 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.33687904477119446 day:0.03186367452144623 Hundred:0.030532803386449814 thing:0.018876586109399796 :0.07920660823583603 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +on:0.15522988140583038 out:0.07723555713891983 off:0.06292494386434555 by:0.06160031631588936 :0.055876098573207855 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +ter:0.41218695044517517 ters:0.16634540259838104 ter,:0.04176809638738632 ter.:0.01461695320904255 :0.3033525347709656 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +and:0.20065109431743622 but:0.061344947665929794 the:0.0455661341547966 or:0.03063771314918995 :0.0427464134991169 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.09773853421211243 at:0.0675353854894638 was:0.04708944261074066 in:0.039016228169202805 :0.06886442005634308 +parts:0.08844133466482162 from:0.05406428873538971 states,:0.01920783892273903 kinds:0.01768065243959427 :0.17892666161060333 +property:0.08379381895065308 knowledge:0.05445515736937523 estate:0.030136000365018845 appearance:0.023564204573631287 :0.19857750833034515 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +W:0.10050599277019501 W.:0.05933259055018425 H.:0.029035605490207672 E:0.027622099965810776 :0.3686225116252899 +of:0.5263500213623047 to:0.09921924769878387 the:0.04206359013915062 that:0.021669957786798477 :0.017795395106077194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.5240858197212219 and:0.04998968914151192 to:0.026303866878151894 in:0.024326391518115997 :0.018825741484761238 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +quarter:0.32178330421447754 corner:0.11855116486549377 of:0.08092529326677322 quarter,:0.041120495647192 :0.10729234665632248 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +partment:0.019432559609413147 -:0.0044815572910010815 mand:0.0022299501579254866 fendant:0.0014814328169450164 :0.9172768592834473 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +to:0.4369398057460785 the:0.0760359913110733 by:0.030234549194574356 guests.:0.02232873998582363 :0.08887821435928345 +and:0.17554356157779694 but:0.04191644489765167 the:0.03329130634665489 which:0.027203191071748734 :0.08972465246915817 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.07442178577184677 since:0.02122374437749386 saw:0.019460860639810562 be:0.018847351893782616 :0.19023028016090393 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +one-half:0.25302231311798096 half:0.120255246758461 one:0.06453705579042435 fourth:0.021136069670319557 :0.225054532289505 +Co.,:0.1165633425116539 Co.:0.06794843077659607 Ohio:0.04170684516429901 O.:0.021117856726050377 :0.3415232002735138 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.17692704498767853 fund:0.14723166823387146 the:0.03703128546476364 and:0.025329891592264175 :0.10104532539844513 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +o'clock:0.05684874951839447 to:0.04540402442216873 and:0.03979965299367905 per:0.025190427899360657 :0.1952810287475586 +from:0.15781499445438385 of:0.12238536775112152 to:0.10281221568584442 was:0.05404099076986313 :0.08577246218919754 +and:0.19426041841506958 who:0.04169911891222 in:0.0230854582041502 the:0.02121942676603794 :0.13857577741146088 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.16394366323947906 by:0.13848495483398438 as:0.071026511490345 and:0.06770259141921997 :0.06411770731210709 +and:0.1523195207118988 the:0.047709472477436066 to:0.03305504471063614 but:0.02959224209189415 :0.09643802791833878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +a:0.03797082230448723 the:0.015491821803152561 ter:0.015031522139906883 not:0.011350138112902641 :0.3130125105381012 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +of:0.5223076939582825 and:0.05998340621590614 in:0.029955459758639336 to:0.02330354042351246 :0.04184133931994438 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +the:0.1016247421503067 he:0.04052535817027092 tbe:0.03462156280875206 be:0.025821294635534286 :0.1188640147447586 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +and:0.16230690479278564 the:0.1054612249135971 which:0.07176665216684341 but:0.04385518282651901 :0.13066774606704712 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +a:0.10096731036901474 the:0.08637604117393494 and:0.052395764738321304 it:0.02124594897031784 :0.10303758829832077 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.18021340668201447 where:0.07625027000904083 which:0.04479236155748367 the:0.038442350924015045 :0.07188267260789871 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.25798022747039795 that:0.11406686902046204 the:0.04851679876446724 to:0.043433353304862976 :0.04260089620947838 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.45276856422424316 in:0.04326125606894493 men:0.03130936250090599 to:0.023781048133969307 :0.08304395526647568 +of:0.41702577471733093 was:0.06627018749713898 in:0.06434671580791473 is:0.0452386736869812 :0.033584002405405045 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.28323182463645935 and:0.07812733948230743 was:0.025506125763058662 to:0.021945159882307053 :0.06396099925041199 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +a:0.090537428855896 to:0.08107012510299683 because:0.052268609404563904 as:0.04892575368285179 :0.18842162191867828 +of:0.5479253530502319 from:0.024120306596159935 the:0.015204988420009613 to:0.014840079471468925 :0.03841104730963707 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +in:0.21355803310871124 of:0.08158500492572784 on:0.061791323125362396 and:0.060721032321453094 :0.05321984365582466 +The:0.047679588198661804 It:0.044265538454055786 He:0.02941148914396763 That:0.02155167981982231 :0.5267462134361267 +son:0.11714641749858856 fectly:0.08598598837852478 sonal:0.04931919276714325 haps:0.04292244464159012 :0.38382235169410706 +as:0.08849290013313293 and:0.05496669188141823 than:0.027798855677247047 in:0.026135073974728584 :0.2881598472595215 +in:0.06264842301607132 to:0.03959148749709129 the:0.03309236094355583 and:0.031781621277332306 :0.06882259994745255 +of:0.22006067633628845 or:0.06089397147297859 in:0.054358720779418945 is:0.04906823858618736 :0.04528891295194626 +of:0.319743275642395 what:0.043493274599313736 to:0.035871122032403946 was:0.032021064311265945 :0.05310627818107605 +of:0.28171467781066895 and:0.07976847141981125 was:0.04565409570932388 by:0.034084565937519073 :0.04552692547440529 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.058295391499996185 rails:0.040857523679733276 or:0.018191242590546608 trust:0.015115836635231972 :0.2527006268501282 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13803048431873322 struggle:0.0848299041390419 in:0.017844269052147865 as:0.012477198615670204 :0.38688886165618896 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +of:0.18221339583396912 the:0.13812117278575897 to:0.047081150114536285 in:0.03932131081819534 :0.08613487333059311 +to:0.17585688829421997 of:0.13136914372444153 and:0.11694452166557312 in:0.035241786390542984 :0.029391171410679817 +the:0.10200776904821396 a:0.0657939687371254 them:0.05480276420712471 him:0.04573249816894531 :0.07286142557859421 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +1,:0.027734089642763138 30,:0.027024025097489357 and:0.024351397529244423 10,:0.015115298330783844 :0.40724799036979675 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +son:0.11714641749858856 fectly:0.08598598837852478 sonal:0.04931919276714325 haps:0.04292244464159012 :0.38382235169410706 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +to:0.42549988627433777 by:0.0696057379245758 the:0.04644644260406494 that:0.04055173695087433 :0.06642133742570877 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +for:0.17469868063926697 are:0.1527647078037262 and:0.04284965619444847 have:0.039456117898225784 :0.072166308760643 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.3366515636444092 of:0.0906929075717926 a:0.03351718559861183 at:0.031867191195487976 :0.10967888683080673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +to:0.3069402873516083 of:0.1669664978981018 that:0.08067576587200165 and:0.04336652159690857 :0.03795436769723892 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +that:0.24762170016765594 how:0.0933518186211586 the:0.07620010524988174 what:0.06105847656726837 :0.029273943975567818 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +to:0.2777319550514221 for:0.12978734076023102 by:0.10064734518527985 and:0.06287790834903717 :0.03376643732190132 +the:0.19575320184230804 section:0.06709500402212143 fiscal:0.05974762886762619 year;:0.03814900293946266 :0.08432860672473907 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +correspondent:0.03943368420004845 committee:0.030431143939495087 father:0.010699918493628502 great:0.00775417173281312 :0.283774733543396 +of:0.5655338168144226 and:0.04578356072306633 was:0.02386160008609295 by:0.020046662539243698 :0.018715543672442436 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +are:0.12159115821123123 in:0.07715526223182678 and:0.06688699871301651 were:0.04569896683096886 :0.04754805564880371 +of:0.06323780119419098 the:0.04858969897031784 that:0.047690942883491516 and:0.044282156974077225 :0.06301138550043106 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.15707692503929138 of:0.15200014412403107 in:0.08252240717411041 to:0.05247116461396217 :0.05575787276029587 +of:0.3687405586242676 to:0.09430359303951263 and:0.09347169101238251 for:0.05733482539653778 :0.038448918610811234 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.2934068739414215 but:0.036494411528110504 the:0.028060175478458405 to:0.015287220478057861 :0.09623987972736359 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +civil:0.5980212688446045 insolvent:0.017548425123095512 other:0.010787901468575 bills:0.008405297063291073 :0.12498751282691956 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.01701621524989605 of:0.016126899048686028 welfare:0.015998445451259613 nature:0.01519855111837387 :0.17992649972438812 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1387208104133606 interest:0.05862590670585632 a:0.03816566988825798 in:0.03039812110364437 :0.09805364161729813 +The:0.13869620859622955 It:0.06077934056520462 I:0.043497391045093536 He:0.03310106322169304 :0.22181226313114166 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1886179894208908 to:0.10319417715072632 the:0.06017674133181572 in:0.04532919079065323 :0.14078551530838013 +to:0.23428680002689362 the:0.17144139111042023 for:0.11436263471841812 a:0.034078679978847504 :0.11627374589443207 +the:0.0810123011469841 to:0.037605833262205124 in:0.03342092037200928 of:0.033125847578048706 :0.1540997475385666 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1114155501127243 in:0.09119269996881485 that:0.07628046721220016 to:0.04720034450292587 :0.08850078284740448 +to:0.2410169094800949 in:0.14003196358680725 on:0.055239658802747726 before:0.05070158466696739 :0.050509266555309296 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.12925845384597778 of:0.08762895315885544 in:0.07533156871795654 to:0.044732727110385895 :0.09368234127759933 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +gether:0.18780454993247986 day:0.167306587100029 ward:0.1557980626821518 day,:0.03064833953976631 :0.19925850629806519 +the:0.10702851414680481 through:0.05794987455010414 a:0.05118286609649658 to:0.04084327444434166 :0.06051651015877724 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +white,:0.07392919063568115 in:0.047475021332502365 and:0.044444598257541656 by:0.04157252609729767 :0.08621472865343094 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +and:0.155064195394516 who:0.07138100266456604 the:0.04885110631585121 a:0.030110260471701622 :0.11786941438913345 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.05331512168049812 the:0.051647886633872986 and:0.04689529910683632 vote:0.039751309901475906 :0.18228040635585785 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4195800721645355 that:0.22267095744609833 is:0.035850390791893005 was:0.019793758168816566 :0.0352945476770401 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.1628391444683075 shall:0.10659085214138031 the:0.06295593827962875 or:0.031410735100507736 :0.054167162626981735 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23748289048671722 a:0.06004078686237335 tho:0.021919403225183487 this:0.018624989315867424 :0.25070086121559143 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07577352225780487 E.:0.018873918801546097 B.:0.017473092302680016 A.:0.01688583754003048 :0.5227545499801636 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cific:0.1340455561876297 in:0.004751042928546667 and:0.0037346919998526573 tent:0.0031896461732685566 :0.7062738537788391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ways:0.22923392057418823 though:0.13207997381687164 ready:0.10636512190103531 lowed:0.08117841929197311 :0.09429541230201721 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12727496027946472 by:0.11445432901382446 in:0.09149219840765 to:0.0864572525024414 :0.04409288242459297 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.014258090406656265 was:0.014092568308115005 to:0.014005213044583797 .:0.010697846300899982 :0.3708675801753998 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +to:0.12405265122652054 that:0.06702939420938492 a:0.06196413189172745 by:0.05722995102405548 :0.05389298126101494 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +to:0.5254640579223633 for:0.07276228070259094 by:0.022986464202404022 as:0.015038748271763325 :0.042319316416978836 +that:0.17875704169273376 the:0.05714203044772148 of:0.054255060851573944 whether:0.0507085956633091 :0.04694949835538864 +and:0.18198803067207336 mouth,:0.03171880170702934 but:0.031313322484493256 the:0.023403877392411232 :0.06878700107336044 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.5601295828819275 and:0.08099662512540817 who:0.03178488463163376 on:0.02081819623708725 :0.01874043233692646 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +of:0.2503759562969208 that:0.03963794186711311 and:0.03949297219514847 in:0.031610142439603806 :0.0781826302409172 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +The:0.13391424715518951 It:0.07917535305023193 In:0.05762503296136856 Mr.:0.031733252108097076 :0.13599325716495514 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +try:0.48419567942619324 try,:0.20693424344062805 ty:0.05443711578845978 ties:0.03188975900411606 :0.066558338701725 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +hich:0.05398387461900711 ill:0.04396161064505577 ith:0.042024582624435425 hole:0.02534019760787487 :0.40585923194885254 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +to:0.11904802918434143 in:0.053106751292943954 secretary:0.027609050273895264 and:0.02104046568274498 :0.4351697862148285 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +them:0.06462922692298889 a:0.06370687484741211 the:0.06203547492623329 to:0.05158926546573639 :0.0786411240696907 +were:0.10951419919729233 of:0.10389649122953415 to:0.058698784559965134 and:0.04455260932445526 :0.10698924213647842 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.019366098567843437 to:0.018024781718850136 have:0.01430303230881691 the:0.013937142677605152 :0.18151164054870605 +of:0.4123866856098175 to:0.08424942940473557 over:0.08355187624692917 in:0.042991429567337036 :0.030212990939617157 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.3146228492259979 A:0.010181212797760963 .,:0.009644431993365288 J:0.006833329331129789 :0.402081161737442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +All:0.2100946456193924 The:0.10389247536659241 Dated:0.053514156490564346 It:0.02415250800549984 :0.1968109905719757 +and:0.21755358576774597 costs:0.028632614761590958 as:0.026112431660294533 attorney's:0.025381185114383698 :0.06175968423485756 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +The:0.148009791970253 In:0.044576384127140045 It:0.03940742090344429 There:0.03914160653948784 :0.14122559130191803 +own:0.04448304697871208 answer:0.01044088788330555 duty:0.0059332167729735374 friends:0.004897722043097019 :0.20047441124916077 +terday:0.3138483762741089 I:0.0018818737007677555 the:0.0014731254195794463 .:0.001371189602650702 :0.6333378553390503 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.39590105414390564 them:0.04045192152261734 other:0.03521588072180748 those:0.034263964742422104 :0.07374279201030731 +of:0.2421943098306656 at:0.07041299343109131 and:0.05920799449086189 for:0.05898813158273697 :0.055273935198783875 +Pacific:0.05997132137417793 and:0.046661436557769775 Telegraph:0.034673042595386505 men:0.033302295953035355 :0.11988461017608643 +to:0.12123072892427444 the:0.11816847324371338 and:0.059328414499759674 of:0.03738418221473694 :0.07874210178852081 +of:0.32430434226989746 business:0.09057535231113434 work:0.052753593772649765 and:0.02707214094698429 :0.08533930778503418 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +to:0.14789323508739471 in:0.11032582819461823 for:0.09554708749055862 by:0.07110580056905746 :0.05600259080529213 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.16092437505722046 the:0.059478290379047394 to:0.04252096265554428 as:0.028472330421209335 :0.10587479919195175 +of:0.16645903885364532 and:0.08385754376649857 was:0.024354448541998863 men:0.022770190611481667 :0.11008495092391968 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.1242758259177208 or:0.04341761767864227 system:0.02485251985490322 habits:0.02104896679520607 :0.3040784001350403 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +of:0.15431734919548035 to:0.13877831399440765 was:0.11022655665874481 is:0.0465216301381588 :0.03889048844575882 +day:0.07925889641046524 to:0.045074693858623505 few:0.026640253141522408 morning:0.02162708342075348 :0.1902121901512146 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +over:0.09405408054590225 of:0.08604317903518677 out:0.07298772037029266 evenly:0.06569242477416992 :0.05924509838223457 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +The:0.08970262855291367 It:0.06764230132102966 In:0.053645987063646317 He:0.037791185081005096 :0.152372345328331 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +that:0.11894341558218002 the:0.05271647870540619 in:0.05132473260164261 of:0.04833630099892616 :0.12136393040418625 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.0261469017714262 at:0.024817783385515213 to:0.021400418132543564 in:0.012200034223496914 :0.31377166509628296 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +of:0.08855704218149185 and:0.08538885414600372 in:0.06678920239210129 are:0.06169278919696808 :0.04823186248540878 +the:0.03246603533625603 a:0.010523706674575806 i:0.010304857045412064 to:0.009823665022850037 :0.3898007571697235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10625964403152466 was:0.057120997458696365 of:0.036633435636758804 county:0.024834422394633293 :0.16790276765823364 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.1756223887205124 it:0.11633652448654175 to:0.06820327043533325 him:0.03947887569665909 :0.05770769715309143 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +The:0.13377101719379425 It:0.10842441022396088 He:0.034175511449575424 I:0.032251641154289246 :0.14036153256893158 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Commencing:0.08232954144477844 Beginning:0.052022505551576614 The:0.04536090046167374 Section:0.023916685953736305 :0.3104531168937683 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +over:0.17416685819625854 to:0.10418988764286041 out:0.06471280753612518 toward:0.056934457272291183 :0.05457296222448349 +and:0.0779913067817688 Railroad:0.049261901527643204 Pacific:0.024309007450938225 America:0.02188855968415737 :0.31381380558013916 +The:0.15292760729789734 I:0.07966829836368561 It:0.0469072125852108 In:0.04120953753590584 :0.14397834241390228 +houses:0.058331992477178574 of:0.04217783361673355 in:0.03846641629934311 house.:0.036539867520332336 :0.05619547516107559 +of:0.41319942474365234 to:0.039176732301712036 between:0.031080037355422974 and:0.02596079185605049 :0.08822212368249893 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +been:0.07442178577184677 since:0.02122374437749386 saw:0.019460860639810562 be:0.018847351893782616 :0.19023028016090393 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +on:0.2020273059606552 and:0.14949914813041687 at:0.09255126863718033 to:0.03236067295074463 :0.07127099484205246 +to:0.19277766346931458 that:0.11175953596830368 by:0.09067124128341675 the:0.07330118119716644 :0.09408503025770187 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +e:0.018974129110574722 nearest:0.011582906357944012 Peace:0.009849470108747482 the:0.007685049902647734 :0.24586685001850128 +the:0.06401190161705017 r:0.03205733373761177 >r:0.017570331692695618 tho:0.00833934172987938 :0.24295586347579956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +of:0.11905427277088165 for:0.09192775934934616 are:0.045448191463947296 to:0.038105309009552 :0.05320701003074646 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.06941875070333481 most:0.024192556738853455 ready:0.01777956448495388 a:0.016272518783807755 :0.2831505835056305 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +well:0.11324463784694672 good:0.09129834175109863 short:0.0436679869890213 well,:0.024157367646694183 :0.21115642786026 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.11064009368419647 of:0.06982377171516418 the:0.04017020761966705 in:0.03813361003994942 :0.07689812779426575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +m,:0.42675626277923584 m:0.026638012379407883 .:0.02393978089094162 m.:0.019279975444078445 :0.20585224032402039 +and:0.029651593416929245 walls:0.010189145803451538 trail:0.006535169202834368 hill:0.0055987657979130745 :0.6986533999443054 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.1918221116065979 by:0.0698874294757843 that:0.06923987716436386 a:0.05000923201441765 :0.07026910781860352 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.12927863001823425 to:0.029903285205364227 City:0.025943582877516747 in:0.021445482969284058 :0.2763787806034088 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.32944899797439575 and:0.05953848361968994 to:0.04182653874158859 in:0.0323239266872406 :0.04922548681497574 +and:0.3076237738132477 but:0.029009802266955376 the:0.02770613320171833 which:0.025445828214287758 :0.08495939522981644 +to:0.21139641106128693 and:0.1628875732421875 in:0.046045105904340744 from:0.031617410480976105 :0.1570209264755249 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +run:0.01162492111325264 and:0.008854275569319725 business:0.006247990764677525 branches:0.006172844674438238 :0.3865572512149811 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.1581343114376068 been:0.04119357839226723 what:0.0315411351621151 before:0.029610946774482727 :0.07450231909751892 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.18274834752082825 for:0.16177116334438324 of:0.15162859857082367 to:0.09965728968381882 :0.049197547137737274 +to:0.04955883324146271 is:0.025986604392528534 Cos,:0.024460745975375175 was:0.01803748682141304 :0.2687546908855438 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.183416485786438 the:0.04728873446583748 but:0.040940213948488235 as:0.02740364335477352 :0.06606284528970718 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +The:0.13760310411453247 It:0.0499185286462307 He:0.03154344484210014 I:0.025343596935272217 :0.0940016582608223 +that:0.22741691768169403 of:0.12316404283046722 to:0.12117248773574829 for:0.06563024967908859 :0.03325590863823891 +line:0.3493991196155548 along:0.1042744591832161 direction:0.10067705065011978 parallel:0.03025682270526886 :0.03920753300189972 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +if:0.22680158913135529 in:0.06268051266670227 as:0.04765461012721062 at:0.04182526096701622 :0.126692995429039 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3295145034790039 and:0.10807511955499649 are:0.03762032464146614 in:0.0344037190079689 :0.056811362504959106 +of:0.41702577471733093 was:0.06627018749713898 in:0.06434671580791473 is:0.0452386736869812 :0.033584002405405045 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +that:0.10027693957090378 the:0.04576440528035164 and:0.02950325980782509 in:0.022856609895825386 :0.1467871218919754 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.377113938331604 and:0.0916336253285408 or:0.03266569972038269 is:0.014352669939398766 :0.06578050553798676 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.4359523355960846 upon:0.07235964387655258 into:0.04230539873242378 a:0.03526606783270836 :0.10871642082929611 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.038138505071401596 a:0.020370282232761383 to:0.014259989373385906 in:0.008082637563347816 :0.5737289190292358 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.21184885501861572 the:0.06320330500602722 a:0.039465125650167465 it:0.02844158001244068 :0.0987531915307045 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +that:0.22741691768169403 of:0.12316404283046722 to:0.12117248773574829 for:0.06563024967908859 :0.03325590863823891 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.1799229085445404 but:0.043085139244794846 with:0.03298814594745636 the:0.029195670038461685 :0.09137195348739624 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +day:0.4275934100151062 of:0.08433113992214203 and:0.06231158599257469 in:0.011371583677828312 :0.203199565410614 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09480233490467072 and:0.04501146450638771 that:0.034390613436698914 a:0.029837124049663544 :0.08961130678653717 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1782074123620987 a:0.131612166762352 the:0.06333466619253159 an:0.039423391222953796 :0.11722748726606369 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +in:0.12041091918945312 around:0.11732327193021774 from:0.07627908140420914 at:0.07396138459444046 :0.058957289904356 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.19302411377429962 that:0.09795437753200531 and:0.041831329464912415 among:0.030215032398700714 :0.04862828925251961 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +and:0.1844935268163681 but:0.07398972660303116 the:0.04976240172982216 that:0.03202548250555992 :0.07172626256942749 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2932550311088562 to:0.09635202586650848 for:0.09486754238605499 and:0.07590699195861816 :0.05220191180706024 +as:0.16676074266433716 the:0.1152944341301918 by:0.10439851880073547 that:0.0419805608689785 :0.0875619426369667 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +of:0.4531579613685608 that:0.08594027906656265 and:0.05482529103755951 is:0.03596509248018265 :0.03401090204715729 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +for:0.22928600013256073 until:0.14247284829616547 on:0.07292836159467697 upon:0.05385218933224678 :0.06324543058872223 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +00:0.12340962141752243 15:0.08435861766338348 30:0.06918850541114807 40:0.06669288873672485 :0.07886052876710892 +to:0.136199951171875 and:0.10087956488132477 of:0.06689789146184921 that:0.05656963959336281 :0.03674491122364998 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +in:0.3011935353279114 of:0.08472955226898193 books:0.038807205855846405 and:0.030829524621367455 :0.06311514228582382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +The:0.15392808616161346 It:0.04913587123155594 I:0.03579162061214447 In:0.02234463579952717 :0.19685392081737518 +and:0.04305420070886612 of:0.03919250890612602 the:0.0276054497808218 house,:0.02620588429272175 :0.1764262616634369 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12309245765209198 to:0.1049613282084465 the:0.09279586374759674 and:0.06923442333936691 :0.11680256575345993 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.14639398455619812 the:0.06060138717293739 what:0.04207518696784973 nothing:0.04076124727725983 :0.048992861062288284 +of:0.04755694791674614 and:0.043641749769449234 was:0.04335349053144455 is:0.04116857424378395 :0.08769701421260834 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.09540721774101257 that:0.08802267909049988 and:0.05331310257315636 it:0.050088588148355484 :0.06995165348052979 +and:0.16424788534641266 but:0.04845180734992027 the:0.038692884147167206 which:0.035520050674676895 :0.06818580627441406 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.19231411814689636 eight,:0.028580978512763977 corner:0.028129657730460167 18,:0.02339193783700466 :0.13098284602165222 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.07278920710086823 and:0.06844336539506912 the:0.019649235531687737 to:0.017833305522799492 :0.30657169222831726 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.11530717462301254 It:0.07252953201532364 He:0.06150178611278534 I:0.06141931936144829 :0.14451012015342712 +to:0.43593689799308777 of:0.05352757126092911 was:0.04966489225625992 is:0.030667675659060478 :0.025212185457348824 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1817481517791748 the:0.06396927684545517 but:0.04314715787768364 in:0.027865778654813766 :0.0559534952044487 +ment:0.5504248738288879 ing:0.047016143798828125 ed:0.040831804275512695 ment,:0.035435453057289124 :0.12898190319538116 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.12209296971559525 F.:0.0291215218603611 G.:0.021580345928668976 A.:0.021359866484999657 :0.4497779607772827 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +ducted:0.0815572440624237 sidered:0.04317240044474602 ditions:0.035285841673612595 struction:0.028134940192103386 :0.49045586585998535 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +pared:0.18265977501869202 sent:0.097044937312603 sented:0.03352852538228035 serve:0.02346774749457836 :0.45807066559791565 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +to:0.2617664933204651 a:0.09133154153823853 the:0.09006817638874054 for:0.026573142036795616 :0.10289253294467926 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.07603246718645096 by:0.061400577425956726 to:0.051296625286340714 on:0.03421303257346153 :0.25907573103904724 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +vantage:0.1620398759841919 the:0.02173253893852234 mitted:0.018896128982305527 a:0.010878665372729301 :0.42859339714050293 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +preme:0.18486228585243225 -:0.002900131046772003 .:0.001268101274035871 ter:0.0010475442977622151 :0.7708731889724731 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.09140516817569733 by:0.047868795692920685 with:0.04709244519472122 up:0.04411059990525246 :0.2221432775259018 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +the:0.5033151507377625 a:0.03715702146291733 their:0.01818401925265789 his:0.013144624419510365 :0.14526835083961487 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.12123377621173859 and:0.06269407272338867 was:0.05590105429291725 in:0.03572355583310127 :0.1410120278596878 +to:0.150093212723732 and:0.10725890100002289 in:0.09435760229825974 at:0.08416912704706192 :0.10860078781843185 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.12040320783853531 him:0.11593051999807358 them:0.09382056444883347 a:0.047193288803100586 :0.08806576579809189 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17034700512886047 the:0.04298938065767288 but:0.035358723253011703 which:0.02848570980131626 :0.1282915472984314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.5848507881164551 the:0.055897001177072525 and:0.025532858446240425 in:0.02022203430533409 :0.028602235019207 +and:0.21045096218585968 with:0.04318690299987793 the:0.03455602750182152 but:0.025568926706910133 :0.054666317999362946 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +and:0.05079394578933716 injury:0.029933171346783638 harm:0.025182418525218964 or:0.022957835346460342 :0.33294111490249634 +to:0.08811277896165848 by:0.07490257173776627 the:0.07252737879753113 in:0.05403134599328041 :0.0931118056178093 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +of:0.5329242944717407 to:0.05364065617322922 and:0.042549166828393936 in:0.020224476233124733 :0.033370815217494965 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.35102373361587524 to:0.29565533995628357 of,:0.1351604163646698 of.:0.06834432482719421 :0.018388643860816956 +is:0.08458858728408813 and:0.08118618279695511 in:0.07224512845277786 to:0.03802649304270744 :0.06991125643253326 +Secretary:0.013059641234576702 City:0.010693005286157131 Commissioner:0.00965056475251913 District:0.007597057148814201 :0.8026717305183411 +the:0.3385787904262543 said:0.26966941356658936 themselves:0.02367589809000492 any:0.022779518738389015 :0.03930160403251648 +of:0.12497178465127945 to:0.09042860567569733 which:0.06043817102909088 for:0.05607348307967186 :0.05321060121059418 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +the:0.17416341602802277 of:0.15667615830898285 a:0.06836885213851929 and:0.040272511541843414 :0.0924624353647232 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +State:0.288375586271286 and:0.10230697691440582 in:0.024056831374764442 the:0.021129650995135307 :0.21077494323253632 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +ject:0.284846693277359 mitted:0.03212364390492439 scription:0.012234067544341087 scribed:0.012074482627213001 :0.327938437461853 +of:0.33952102065086365 to:0.15913531184196472 and:0.04300567880272865 in:0.024160124361515045 :0.05545298755168915 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +said:0.015543493442237377 most:0.009915192611515522 best:0.0073135532438755035 last:0.006569783668965101 :0.3111822307109833 +of:0.38712939620018005 in:0.02171819843351841 for:0.021212566643953323 thereof:0.019407838582992554 :0.11606934666633606 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.06072615832090378 with:0.029487496241927147 to:0.011245595291256905 in:0.010549021884799004 :0.394031822681427 +of:0.036917682737112045 .:0.035269252955913544 and:0.031014133244752884 ,:0.01749086193740368 :0.5749657154083252 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.26864686608314514 and:0.16118267178535461 to:0.03564249351620674 is:0.027845069766044617 :0.06966600567102432 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +of:0.07970099151134491 are:0.07143475115299225 and:0.060518503189086914 in:0.057043615728616714 :0.03185456618666649 +the:0.027046620845794678 of:0.017541008070111275 and:0.015706265345215797 .:0.015296723693609238 :0.3260641098022461 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +The:0.11979074031114578 It:0.054423876106739044 In:0.041270654648542404 He:0.037613749504089355 :0.23800839483737946 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +was:0.029607409611344337 and:0.019116370007395744 to:0.019089609384536743 for:0.01763790473341942 :0.40336793661117554 +people:0.03515072166919708 and:0.01288214698433876 flag:0.012252000160515308 Tobacco:0.009403125382959843 :0.4153604507446289 +the:0.24676382541656494 this:0.05421524867415428 that:0.04525945335626602 a:0.037035953253507614 :0.23227788507938385 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.14436186850070953 and:0.08320740610361099 on:0.0318371057510376 which:0.030649861320853233 :0.04340074211359024 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +the:0.2562863230705261 this:0.03612276539206505 any:0.03548382967710495 a:0.030913207679986954 :0.13727670907974243 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +to:0.5207808017730713 the:0.02901475876569748 that:0.01986103318631649 and:0.01961382105946541 :0.13687321543693542 +invented:0.519622266292572 married:0.04577656462788582 elected:0.027203159406781197 created:0.02268087863922119 :0.13275226950645447 +of:0.25337982177734375 and:0.07479864358901978 who:0.04887881875038147 are:0.04753917455673218 :0.04668457433581352 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +to:0.07525888830423355 Department,:0.06151555851101875 Department:0.04792172461748123 of:0.0417255274951458 :0.1583157628774643 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +institution:0.09217142313718796 and:0.06093152239918709 institutions:0.04811578989028931 work:0.027672410011291504 :0.23211824893951416 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.2328612059354782 the:0.03724372386932373 is:0.026760822162032127 but:0.02548034116625786 :0.13528738915920258 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +The:0.15955467522144318 It:0.06473329663276672 This:0.02621740661561489 In:0.02443072758615017 :0.06650879234075546 +size,:0.04635091871023178 efforts:0.04236053302884102 and:0.02426247112452984 age:0.018661746755242348 :0.1803320199251175 +to:0.17779232561588287 out:0.0714903473854065 into:0.06418807059526443 on:0.03814850002527237 :0.12381897866725922 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +to:0.6539984345436096 for:0.05147678777575493 of:0.0463695302605629 the:0.02552293799817562 :0.024321990087628365 +been:0.07456448674201965 a:0.034658629447221756 to:0.027065929025411606 not:0.023447366431355476 :0.23134548962116241 +.:0.16864465177059174 .,:0.060858793556690216 and:0.014345153234899044 C:0.01243183296173811 :0.5242082476615906 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.27057716250419617 and:0.18103638291358948 was:0.023827271535992622 who:0.022977735847234726 :0.05698387697339058 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5223076939582825 and:0.05998340621590614 in:0.029955459758639336 to:0.02330354042351246 :0.04184133931994438 +appreciate:0.14404387772083282 as:0.03064831905066967 and:0.026321453973650932 set:0.014531408436596394 :0.27103298902511597 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +ducted:0.039441488683223724 vention:0.0316610112786293 ditions:0.02523033879697323 tinued:0.019753873348236084 :0.5701379776000977 +the:0.20498539507389069 of:0.06254235655069351 a:0.046860404312610626 that:0.03319311514496803 :0.06565217673778534 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.6376457810401917 for:0.048927612602710724 and:0.026034558191895485 ot:0.01439189538359642 :0.02419542521238327 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.06232137605547905 for:0.04838910698890686 in:0.025136183947324753 the:0.024379556998610497 :0.05717415362596512 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.17121295630931854 and:0.02373630367219448 from:0.01589851826429367 4:0.014923793263733387 :0.21956083178520203 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +and:0.1217530220746994 to:0.06537255644798279 of:0.045177605003118515 will:0.028246913105249405 :0.09633772075176239 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.021877292543649673 Convention:0.013421117328107357 law:0.009872794151306152 bank:0.009332227520644665 :0.24897274374961853 +of:0.657863974571228 and:0.011061465367674828 one:0.010266600176692009 ot:0.010105748660862446 :0.0484030656516552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.12521560490131378 a:0.04019807279109955 said:0.028678569942712784 virtue:0.02210395410656929 :0.2591285705566406 +and:0.08100313693284988 fever,:0.024583861231803894 fever:0.018603218719363213 with:0.013287204317748547 :0.35490238666534424 +and:0.09725306928157806 in:0.08368078619241714 to:0.06931187957525253 of:0.04913944751024246 :0.05958515778183937 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.11064009368419647 of:0.06982377171516418 the:0.04017020761966705 in:0.03813361003994942 :0.07689812779426575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +part:0.09806253761053085 is:0.04506630450487137 was:0.04115105792880058 to:0.02951461263000965 :0.09872731566429138 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Antonio:0.17541338503360748 Francisco:0.15488077700138092 Francisco,:0.09943196177482605 Francisco.:0.060125917196273804 :0.4359803795814514 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +said:0.004928037989884615 whole:0.004053969867527485 United:0.003921668976545334 city:0.0038735964335501194 :0.4893916845321655 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +to:0.05899517983198166 by:0.05488772317767143 the:0.05180753394961357 in:0.04014145955443382 :0.20471195876598358 +of:0.19674605131149292 to:0.14936280250549316 or:0.08718950301408768 prescribed:0.061194371432065964 :0.03840481862425804 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.18790557980537415 and:0.04837412014603615 the:0.04658780246973038 to:0.023731697350740433 :0.03495530039072037 +of:0.13951250910758972 and:0.10037398338317871 for:0.07452135533094406 to:0.07114363461732864 :0.10089847445487976 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11613354831933975 stream:0.03389473631978035 enough:0.020493704825639725 principles:0.013735204935073853 :0.19327904284000397 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +out:0.0650361180305481 weaker:0.03104269690811634 in:0.023485949262976646 of:0.02283320762217045 :0.15087319910526276 +for:0.3263208568096161 to:0.16488412022590637 patiently:0.035169173032045364 at:0.030369186773896217 :0.06115012988448143 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.38065701723098755 a:0.03257734701037407 their:0.030597619712352753 and:0.028176413848996162 :0.11508530378341675 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.22644837200641632 there:0.0620565228164196 we:0.03155055642127991 it:0.03080686181783676 :0.076732337474823 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +1,:0.15542766451835632 and:0.02677668258547783 1.:0.018693145364522934 of:0.016802875325083733 :0.29395633935928345 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.11224106699228287 He:0.07010088115930557 I:0.06486166268587112 It:0.03420475125312805 :0.1529475897550583 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +to:0.1918221116065979 by:0.0698874294757843 that:0.06923987716436386 a:0.05000923201441765 :0.07026910781860352 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.3239564001560211 and:0.029497044160962105 in:0.02307962439954281 or:0.020835209637880325 :0.11690698564052582 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +to:0.6199829578399658 with:0.06134858727455139 at:0.031219104304909706 the:0.027771692723035812 :0.04184485599398613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +in:0.05378060042858124 by:0.019793005660176277 above,:0.019718077033758163 and:0.017699308693408966 :0.22646388411521912 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1957808881998062 contained:0.15227334201335907 and:0.05548331141471863 will:0.044471774250268936 :0.035224635154008865 +for:0.3263208568096161 to:0.16488412022590637 patiently:0.035169173032045364 at:0.030369186773896217 :0.06115012988448143 +a:0.1951349377632141 as:0.08785096555948257 an:0.028074918314814568 so:0.013203891925513744 :0.21036429703235626 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +.:0.013414368033409119 ir:0.008910094387829304 -:0.008741499856114388 e:0.005256043281406164 :0.5542011857032776 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.6921905875205994 to:0.08636945486068726 that:0.020001986995339394 the:0.012590055353939533 :0.03206232190132141 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +by:0.11639029532670975 products,:0.07312799245119095 in:0.0715443342924118 from:0.06300657987594604 :0.07843633741140366 +and:0.13786809146404266 courage:0.03172771632671356 character,:0.02282702550292015 right:0.013092714361846447 :0.34364962577819824 +the:0.07830064743757248 a:0.056873489171266556 to:0.04784427955746651 well:0.01877133920788765 :0.15600794553756714 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Luther:0.1160237193107605 and:0.08872250467538834 of:0.032603003084659576 Van:0.017220864072442055 :0.3025835454463959 +the:0.029435982927680016 a:0.019499722868204117 found:0.01504917535930872 be:0.01173183973878622 :0.15617798268795013 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +days:0.10886753350496292 years:0.03713051602244377 of:0.031541064381599426 minutes,:0.02612387202680111 :0.311716228723526 +of:0.10211633145809174 and:0.05436738580465317 will:0.05208508297801018 at:0.03680764138698578 :0.06549833714962006 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1192973256111145 by:0.07590396702289581 from:0.06788928806781769 up:0.04530385136604309 :0.055026620626449585 +than:0.13424623012542725 to:0.03985553979873657 and:0.029384437948465347 for:0.02857142686843872 :0.14794586598873138 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.0634055808186531 is:0.06118229404091835 and:0.05219310522079468 has:0.028016503900289536 :0.09294608980417252 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.5877903699874878 shall:0.0510905422270298 to:0.0288240946829319 and:0.023375768214464188 :0.05577974393963814 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12630939483642578 to:0.05922659486532211 are:0.04679745435714722 were:0.040721021592617035 :0.057278551161289215 +of:0.1818421334028244 from:0.10257984697818756 and:0.06003938615322113 to:0.05561050400137901 :0.07177955657243729 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.1009204238653183 their:0.09063784033060074 his:0.06446801871061325 a:0.06178642064332962 :0.11952865123748779 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.20583125948905945 but:0.040077488869428635 or:0.028104405850172043 a:0.01633640192449093 :0.18767763674259186 +to:0.2605377435684204 into:0.05381183698773384 on:0.04710131138563156 out:0.03876684606075287 :0.081917904317379 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.04952874779701233 Tribune.:0.042914196848869324 Evening:0.031711217015981674 City:0.030195780098438263 :0.14799568057060242 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +names:0.03589954599738121 name:0.03073607198894024 duty:0.01189972460269928 life:0.007385508622974157 :0.18951663374900818 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.13938650488853455 He:0.06173909083008766 It:0.04145484417676926 I:0.029695361852645874 :0.08744732290506363 +tion:0.16109690070152283 tional:0.0978609099984169 tion,:0.08739329129457474 tion.:0.05569919943809509 :0.41920626163482666 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.1548973023891449 a:0.09206899255514145 up:0.041059792041778564 care:0.02844158187508583 :0.07705828547477722 +to:0.13636019825935364 the:0.096377432346344 and:0.052514441311359406 in:0.02312244474887848 :0.08834050595760345 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5329242944717407 to:0.05364065617322922 and:0.042549166828393936 in:0.020224476233124733 :0.033370815217494965 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.021379096433520317 the:0.02009650692343712 .:0.014783207327127457 a:0.01469653844833374 :0.31858542561531067 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.045548249036073685 11,:0.041569940745830536 11.:0.03543264418840408 11:0.029354935511946678 :0.351158082485199 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.09315019845962524 in:0.08268646895885468 and:0.07984445244073868 to:0.05664271488785744 :0.12095607817173004 +out:0.09051666408777237 a:0.046381738036870956 up:0.045385733246803284 the:0.04340563341975212 :0.27171167731285095 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5030831694602966 at:0.07217131555080414 was:0.042060092091560364 of:0.028754988685250282 :0.038715917617082596 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3494161069393158 and:0.07162516564130783 in:0.03776849806308746 to:0.03099961020052433 :0.0328788198530674 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.10786722600460052 be:0.045282524079084396 a:0.025569260120391846 the:0.02157747931778431 :0.15584620833396912 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +street.:0.2365730255842209 and:0.15941064059734344 street,:0.12154264003038406 street:0.06804212182760239 :0.1762232929468155 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +self:0.5614495277404785 self.:0.28794750571250916 self,:0.0340544618666172 -:0.002434036461636424 :0.0487765297293663 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +for:0.13095787167549133 to:0.11966285109519958 the:0.10925423353910446 him:0.07902178168296814 :0.08963747322559357 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cutter:0.17795969545841217 of:0.04847677797079086 from:0.03476862981915474 and:0.03215935826301575 :0.0844939798116684 +and:0.03816550225019455 .:0.03455455228686333 of:0.03374283015727997 to:0.03020542487502098 :0.32567742466926575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +from:0.5121566653251648 in:0.16370245814323425 In:0.04948416352272034 to:0.021428285166621208 :0.13624021410942078 +the:0.09748721867799759 to:0.017973126843571663 a:0.014812976121902466 that:0.013959145173430443 :0.22972802817821503 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.2271861881017685 between:0.06520500034093857 among:0.06498746573925018 In:0.05747783184051514 :0.027003776282072067 +fully:0.09477120637893677 ful:0.07526907324790955 yer:0.03185213729739189 abiding:0.01421953085809946 :0.46260204911231995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.27446240186691284 but:0.05636094510555267 which:0.03516694903373718 the:0.031513113528490067 :0.08404570072889328 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.0924113318324089 by:0.048582032322883606 in:0.04480356723070145 the:0.04410794377326965 :0.12332148849964142 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +to:0.1639837771654129 on:0.1041223555803299 out:0.040186550468206406 into:0.035998981446027756 :0.051490020006895065 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.15555837750434875 the:0.05096447467803955 an:0.03848416730761528 so:0.03581169620156288 :0.2664255201816559 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +of:0.42879217863082886 the:0.05639713630080223 in:0.0377148762345314 and:0.027652010321617126 :0.04382414370775223 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.25131264328956604 to:0.10845653712749481 for:0.06830906867980957 is:0.05476531758904457 :0.048832837492227554 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.8054139018058777 and:0.04290445148944855 or:0.012965033762156963 that:0.012792550958693027 :0.01995779201388359 +and:0.08752548694610596 committee:0.036289032548666 of:0.03381843492388725 on:0.032998714596033096 :0.06737539917230606 +in:0.5093116760253906 In:0.06518007814884186 to:0.059111081063747406 the:0.02314847521483898 :0.036600738763809204 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +of:0.2566874325275421 and:0.08826158940792084 is:0.040305208414793015 to:0.03164331242442131 :0.09888304024934769 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.26058951020240784 the:0.09137725085020065 no:0.055089693516492844 more:0.03335883840918541 :0.12635593116283417 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +per:0.07622142136096954 feet:0.06420855969190598 pounds:0.04336908459663391 miles:0.03792795166373253 :0.18363319337368011 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +ducted:0.0815572440624237 sidered:0.04317240044474602 ditions:0.035285841673612595 struction:0.028134940192103386 :0.49045586585998535 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +out:0.0650361180305481 weaker:0.03104269690811634 in:0.023485949262976646 of:0.02283320762217045 :0.15087319910526276 +The:0.10443021357059479 It:0.08279448002576828 A:0.0434381477534771 I:0.02906597964465618 :0.17974451184272766 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +of:0.026459073647856712 .:0.015532474964857101 to:0.011833610944449902 and:0.0113530233502388 :0.34905585646629333 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.10786722600460052 be:0.045282524079084396 a:0.025569260120391846 the:0.02157747931778431 :0.15584620833396912 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ic:0.10234511643648148 and:0.07189470529556274 in:0.06797217577695847 to:0.06046092137694359 :0.10196750611066818 +H.:0.029155690222978592 E:0.019746312871575356 W:0.019198881462216377 W.:0.018007004633545876 :0.44014817476272583 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.2503759562969208 that:0.03963794186711311 and:0.03949297219514847 in:0.031610142439603806 :0.0781826302409172 +time:0.14122091233730316 distance:0.1244429349899292 of:0.07592078298330307 time.:0.04901304468512535 :0.14211395382881165 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.16546066105365753 are:0.06251731514930725 and:0.059830404818058014 in:0.05587733909487724 :0.05997808277606964 +to:0.13956312835216522 and:0.026182428002357483 feature:0.019707193598151207 sensation:0.014715268276631832 :0.2667960226535797 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.10998790711164474 the:0.10164430737495422 as:0.057018570601940155 that:0.05656176432967186 :0.11850807070732117 +whole:0.00871424749493599 same:0.007476793136447668 said:0.006490451283752918 United:0.006436181254684925 :0.39759838581085205 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.07266172766685486 in:0.06842244416475296 that:0.059917379170656204 at:0.04960600286722183 :0.08273350447416306 +of:0.04540807381272316 and:0.024089036509394646 girl:0.017702557146549225 to:0.015109697356820107 :0.258926123380661 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +of:0.3552703857421875 was:0.055308740586042404 is:0.05279678851366043 that:0.02478809282183647 :0.06368742138147354 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +value:0.120597705245018 that:0.10974527150392532 to:0.05704387649893761 and:0.05515408143401146 :0.15168240666389465 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.08170058578252792 hundred:0.06365083903074265 years:0.04457060247659683 (8):0.03322882577776909 :0.2112729847431183 +to:0.04047366604208946 the:0.0296952985227108 a:0.023030364885926247 follows,:0.011459119617938995 :0.229469895362854 +vided:0.0099202711135149 I:0.0090424083173275 i:0.008445863611996174 rectly:0.007975051179528236 :0.6725225448608398 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.061645928770303726 H.:0.034879494458436966 F.:0.029092926532030106 R.:0.025675078853964806 :0.3363632559776306 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +that:0.061952728778123856 and:0.051651548594236374 the:0.038513023406267166 to:0.036048516631126404 :0.18042437732219696 +Territory:0.11128154397010803 and:0.020606623962521553 territory:0.011978511698544025 corn:0.010592343285679817 :0.3199712038040161 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +to:0.041565705090761185 and:0.027130143716931343 in:0.024048883467912674 or:0.021060707047581673 :0.40550386905670166 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.16623616218566895 of:0.080485038459301 sum:0.05087999626994133 or:0.018670229241251945 :0.17362277209758759 +behind:0.04946257546544075 the:0.036021888256073 to:0.02945617027580738 and:0.029172776266932487 :0.1283750981092453 +a:0.18895497918128967 the:0.16380083560943604 of:0.032383404672145844 an:0.022059442475438118 :0.18917225301265717 +of:0.19534318149089813 per:0.08395734429359436 in:0.034963566809892654 on:0.0347171276807785 :0.10120140016078949 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +for:0.07959744334220886 the:0.07682821899652481 upon:0.0583014152944088 on:0.04290546476840973 :0.09792632609605789 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.05331512168049812 the:0.051647886633872986 and:0.04689529910683632 vote:0.039751309901475906 :0.18228040635585785 +at:0.21962407231330872 of:0.07016681879758835 that:0.07012912631034851 around:0.038810133934020996 :0.039638545364141464 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.47109198570251465 Fish:0.026676351204514503 and:0.023391053080558777 Lane:0.021377941593527794 :0.18763834238052368 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +plat:0.03573504462838173 and:0.026573142036795616 of:0.02558719739317894 figures:0.01899840496480465 :0.24131865799427032 +that:0.1904560625553131 the:0.0822119191288948 a:0.05589982867240906 in:0.030062764883041382 :0.09345176070928574 +to:0.2830282747745514 that:0.1587943136692047 into:0.08896742016077042 by:0.04108396917581558 :0.04217706620693207 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +a:0.08048249781131744 because:0.06366629898548126 to:0.05295227840542793 the:0.028345879167318344 :0.20824292302131653 +ber:0.5028074383735657 bers:0.22410084307193756 bered:0.053372979164123535 ber.:0.027931228280067444 :0.1034480631351471 +the:0.05816901847720146 and:0.055424176156520844 that:0.03566696122288704 however,:0.030233832076191902 :0.05637902393937111 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.12405265122652054 that:0.06702939420938492 a:0.06196413189172745 by:0.05722995102405548 :0.05389298126101494 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +who:0.11973755061626434 from:0.10018368065357208 of:0.08696123212575912 was:0.03544125333428383 :0.06759738177061081 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11028134822845459 to:0.03449021279811859 as:0.028342410922050476 with:0.020784316584467888 :0.3094719648361206 +the:0.2025824934244156 out:0.06676916778087616 a:0.040630042552948 and:0.03197535127401352 :0.08637841790914536 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Islands:0.09147285670042038 islands:0.02372194267809391 islands,:0.018017126247286797 government:0.00870138593018055 :0.31619277596473694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.0910961702466011 was:0.07470156252384186 and:0.06072941794991493 in:0.04418378323316574 :0.07292524725198746 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.10664915293455124 the:0.05125892907381058 which:0.018590213730931282 but:0.018243907019495964 :0.14196491241455078 +of:0.09897257387638092 and:0.041290365159511566 to:0.019177271053195 was:0.012107070535421371 :0.44827961921691895 +and:0.0984688401222229 however,:0.09026246517896652 that:0.04845782741904259 as:0.04067864269018173 :0.0707293450832367 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +of:0.2776857316493988 and:0.23016148805618286 in:0.027440965175628662 to:0.025696003809571266 :0.08573126047849655 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +condition:0.0439884290099144 and:0.03745875880122185 difficulties:0.016786154359579086 institutions:0.016602864488959312 :0.26524990797042847 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.1883566528558731 of:0.08400725573301315 in:0.037223994731903076 were:0.034118253737688065 :0.0823339894413948 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +by:0.0991608127951622 in:0.07434986531734467 to:0.06434772908687592 for:0.03621973469853401 :0.03778068721294403 +and:0.04628949984908104 .:0.044188495725393295 per:0.037794675678014755 o'clock:0.035779763013124466 :0.31152164936065674 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +me:0.12613973021507263 him:0.09845549613237381 that:0.09595810621976852 the:0.08385201543569565 :0.07506453990936279 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1580863893032074 was:0.15348941087722778 of:0.11910459399223328 in:0.03647672384977341 :0.055749595165252686 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.7755861282348633 ot:0.01997661590576172 that:0.01731090620160103 to:0.010912345722317696 :0.012849812395870686 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.12346015125513077 the:0.06864986568689346 It:0.03258837014436722 I:0.023709673434495926 :0.14750853180885315 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +same:0.011698320508003235 State:0.0071887974627316 said:0.007109586615115404 United:0.0064111133106052876 :0.3756248652935028 +river:0.26792141795158386 and:0.04702696204185486 river,:0.03270656242966652 Pacific:0.031839992851018906 :0.10769235342741013 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +pany:0.060889195650815964 plaint:0.04684589430689812 merce:0.040778998285532 plete:0.040123697370290756 :0.3390563428401947 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +service:0.05254318565130234 service,:0.03320883587002754 vessels:0.03282513469457626 forces:0.032166823744773865 :0.20173859596252441 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +cause:0.20573176443576813 ing:0.17175373435020447 fore:0.10058630257844925 tween:0.09474673122167587 :0.11006127297878265 +and:0.2195606231689453 but:0.054748088121414185 sell,:0.04709756001830101 hold,:0.03475789725780487 :0.08119267225265503 +the:0.08730378746986389 and:0.06086944788694382 protection:0.01893451064825058 success.:0.015913421288132668 :0.22132062911987305 +from:0.14575578272342682 of:0.14230889081954956 west:0.060300640761852264 in:0.04033162444829941 :0.07152697443962097 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.02752406895160675 party:0.026342500001192093 parties:0.025029290467500687 parties,:0.01527596078813076 :0.3384157717227936 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.06771784275770187 to:0.0512421540915966 in:0.042253922671079636 for:0.041764676570892334 :0.0627840980887413 +and:0.2392548769712448 but:0.04414675012230873 the:0.035965029150247574 as:0.026197312399744987 :0.1130015105009079 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.10180967301130295 of:0.10094862431287766 were:0.07165063917636871 are:0.03019750490784645 :0.11478684842586517 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.4225756824016571 and:0.046763330698013306 tho:0.02709031105041504 their:0.025509364902973175 :0.08221744000911713 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +m:0.6334322690963745 m.,:0.07434798777103424 m.:0.02512030489742756 d.:0.006808053702116013 :0.09374310821294785 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +after:0.12800534069538116 of:0.11116679012775421 from:0.05746030434966087 and:0.03951564058661461 :0.07066773623228073 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +of:0.04445302486419678 amount:0.031528785824775696 possible:0.02000918611884117 and:0.013965141028165817 :0.18267512321472168 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +in:0.022261066362261772 and:0.015591179952025414 of:0.014187647961080074 most:0.009658181108534336 :0.31451600790023804 +ing:0.16336286067962646 fore:0.08851021528244019 tween:0.08174514025449753 cause:0.06711447983980179 :0.20089490711688995 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +ner:0.05253661423921585 aged:0.040408190339803696 age:0.019668923690915108 kind.:0.01724863238632679 :0.6978318691253662 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06380187720060349 to:0.05639765411615372 about:0.03288977965712547 by:0.021858371794223785 :0.19891099631786346 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.011632610112428665 right:0.011463070288300514 old:0.007294077426195145 place:0.007203532382845879 :0.2810538411140442 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.11504267901182175 and:0.09914149343967438 to:0.05074867606163025 in:0.041705213487148285 :0.16654282808303833 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.13539358973503113 and:0.06446288526058197 men:0.031165510416030884 testimony,:0.026533791795372963 :0.2765766680240631 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +the:0.22618913650512695 they:0.08690418303012848 you:0.04926444590091705 it:0.045547302812337875 :0.07598232477903366 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.11725454777479172 in:0.10175454616546631 a:0.05968193709850311 to:0.04352031648159027 :0.04333595186471939 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.1957808881998062 contained:0.15227334201335907 and:0.05548331141471863 will:0.044471774250268936 :0.035224635154008865 +a:0.24771183729171753 up:0.1699291616678238 the:0.09326715767383575 and:0.030039150267839432 :0.06442498415708542 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +The:0.14188209176063538 It:0.06424609571695328 He:0.03665655851364136 But:0.03540343791246414 :0.14718157052993774 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +and:0.25559547543525696 of:0.10075268149375916 in:0.07882687449455261 that:0.05164409056305885 :0.07857292890548706 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.11618790030479431 a:0.07811567932367325 in:0.027197958901524544 it:0.025167327374219894 :0.1383369117975235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +ton:0.0700933113694191 ton,:0.05120290070772171 gan:0.032709863036870956 mon:0.007421751040965319 :0.7191106677055359 +between:0.24448734521865845 in:0.13205261528491974 of:0.13088148832321167 is:0.03719990327954292 :0.03374578431248665 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.11725454777479172 in:0.10175454616546631 a:0.05968193709850311 to:0.04352031648159027 :0.04333595186471939 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.3904111981391907 in:0.10019190609455109 the:0.06943929940462112 and:0.05670974403619766 :0.08978361636400223 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +was:0.10366390645503998 to:0.056251656264066696 of:0.05318459868431091 for:0.037427179515361786 :0.08027124404907227 +for:0.23619605600833893 of:0.23443642258644104 to:0.14221595227718353 was:0.02432076632976532 :0.024004146456718445 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +you:0.16474248468875885 the:0.09467215090990067 me:0.04743329808115959 us:0.03822889178991318 :0.07580238580703735 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08436189591884613 be:0.029560454189777374 a:0.019718466326594353 tho:0.01588033325970173 :0.18747669458389282 +feet:0.28387635946273804 ft.:0.07894501835107803 feet,:0.026638293638825417 lbs.:0.018233349546790123 :0.13519258797168732 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23973938822746277 entitled,:0.0637207180261612 entitled:0.05312488600611687 to:0.0386035181581974 :0.05208645761013031 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.0724218562245369 and:0.04436291381716728 .:0.03674168884754181 of:0.0327787883579731 :0.23469023406505585 +of:0.2916727066040039 to:0.06280696392059326 in:0.04148191958665848 the:0.03666933998465538 :0.09525617957115173 +of:0.5152481198310852 and:0.06656486541032791 to:0.02814190834760666 in:0.023552201688289642 :0.029872259125113487 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.45737022161483765 by:0.08761581778526306 the:0.04639110714197159 my:0.021026000380516052 :0.020277753472328186 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.20016798377037048 was:0.06250995397567749 of:0.04876590147614479 is:0.021391157060861588 :0.15881042182445526 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +the:0.22093386948108673 and:0.05622246861457825 to:0.038724273443222046 in:0.0372563973069191 :0.0706440731883049 +est:0.15266194939613342 ests:0.034465111792087555 ested:0.034123554825782776 national:0.026947475969791412 :0.5888503193855286 +own:0.021671505644917488 wife,:0.008135217241942883 wife:0.007789378985762596 family:0.007303758058696985 :0.3204125761985779 +and:0.2381937950849533 or:0.03861191123723984 to:0.025732289999723434 but:0.022446736693382263 :0.053360968828201294 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10687236487865448 by:0.09701365232467651 through:0.042013660073280334 a:0.03710853308439255 :0.06959804147481918 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.3490632474422455 is:0.053258154541254044 and:0.03738630563020706 in:0.024364950135350227 :0.044786106795072556 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.4680613577365875 the:0.027011778205633163 too:0.01506463810801506 and:0.012104454450309277 :0.14136891067028046 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +on:0.15522988140583038 out:0.07723555713891983 off:0.06292494386434555 by:0.06160031631588936 :0.055876098573207855 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.06279472261667252 F,:0.043072182685136795 W.:0.02188709005713463 L.:0.01565898209810257 :0.4987703561782837 +and:0.08234106749296188 in:0.040991686284542084 are:0.031008228659629822 were:0.02579723857343197 :0.15325497090816498 +The:0.09468083083629608 It:0.09409888088703156 He:0.050989534705877304 There:0.036301225423812866 :0.13987676799297333 +amount:0.12066422402858734 quantities:0.0187689121812582 number:0.01075214147567749 and:0.009421680122613907 :0.298684686422348 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +but:0.06278954446315765 and:0.049194835126399994 the:0.04091531038284302 in:0.01683674193918705 :0.17527656257152557 +in:0.11404696851968765 the:0.09253067523241043 of:0.05742046609520912 and:0.05312477424740791 :0.035849735140800476 +of:0.019366098567843437 to:0.018024781718850136 have:0.01430303230881691 the:0.013937142677605152 :0.18151164054870605 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.09290794283151627 was:0.05724252760410309 is:0.03712613880634308 of:0.03525929898023605 :0.43340927362442017 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.2562081515789032 as:0.07664269953966141 the:0.04140454903244972 but:0.031883884221315384 :0.04193032160401344 +He:0.1192312017083168 The:0.07832956314086914 It:0.040300484746694565 I:0.03143010661005974 :0.151652991771698 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.250774621963501 and:0.05034911260008812 to:0.04486003518104553 are:0.03508947417140007 :0.08019520342350006 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +banks,:0.2827799320220947 bank:0.07943403720855713 banks:0.07811151444911957 of:0.07581926137208939 :0.06273800879716873 +to:0.08722671866416931 of:0.058454062789678574 the:0.04109432175755501 and:0.03165982663631439 :0.06410666555166245 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.09445002675056458 it:0.03698624297976494 a:0.02124457061290741 null:0.021000279113650322 :0.06714806705713272 +Men's:0.06579549610614777 and:0.06427589058876038 men:0.02297477424144745 was:0.021169424057006836 :0.3804945945739746 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +enough:0.0735144168138504 and:0.05663217604160309 in:0.023324955254793167 arm:0.018910104408860207 :0.145328089594841 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.03685219585895538 who:0.03288930654525757 in:0.029309628531336784 and:0.024874497205018997 :0.28404465317726135 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.2195606231689453 but:0.054748088121414185 sell,:0.04709756001830101 hold,:0.03475789725780487 :0.08119267225265503 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.34997066855430603 and:0.060746628791093826 Hall,:0.02116592787206173 to:0.01802997663617134 :0.15505023300647736 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.21662938594818115 course,:0.17616866528987885 course:0.09967930614948273 this:0.03752024471759796 :0.14985643327236176 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +of:0.16219615936279297 and:0.13821710646152496 in:0.09246233850717545 were:0.05750076100230217 :0.03522254526615143 +to:0.48534366488456726 of:0.12891197204589844 the:0.02766297571361065 a:0.016784869134426117 :0.039185065776109695 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +day:0.2937145531177521 of:0.10037767887115479 and:0.05988745391368866 course:0.011682906188070774 :0.2880237102508545 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23788461089134216 I:0.05458623915910721 we:0.05156111717224121 a:0.044323332607746124 :0.09455734491348267 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.32597658038139343 the:0.058249298483133316 and:0.051718126982450485 to:0.039677396416664124 :0.03653651848435402 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +not:0.050069186836481094 the:0.028763558715581894 to:0.019223587587475777 in:0.014856607653200626 :0.22275468707084656 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.050190653651952744 of:0.04793865978717804 from:0.03391556069254875 the:0.03193056210875511 :0.14072296023368835 +United:0.009982864372432232 said:0.008688421919941902 first:0.005789356771856546 most:0.005530164577066898 :0.2957894206047058 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.11042258888483047 in:0.05758821964263916 who:0.0503445565700531 and:0.03376735746860504 :0.14746999740600586 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +names:0.03589954599738121 name:0.03073607198894024 duty:0.01189972460269928 life:0.007385508622974157 :0.18951663374900818 +That,:0.4805071949958801 That:0.4098042845726013 that:0.022863520309329033 The:0.009601165540516376 :0.018254082649946213 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.2727511525154114 on:0.1398191601037979 upon:0.05282880365848541 at:0.04826238378882408 :0.040982555598020554 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.18991096317768097 a:0.07370725274085999 tho:0.01514104288071394 his:0.013099993579089642 :0.21051880717277527 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +thence:0.2901013493537903 the:0.03317751735448837 thence,:0.022664198651909828 thenco:0.018330255523324013 :0.2848491966724396 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.0910961702466011 was:0.07470156252384186 and:0.06072941794991493 in:0.04418378323316574 :0.07292524725198746 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.24812021851539612 the:0.05450223386287689 in:0.04804331064224243 until:0.03260260820388794 :0.13935960829257965 +in:0.12313937395811081 and:0.11055652052164078 are:0.08801436424255371 to:0.054931916296482086 :0.05012813210487366 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.19742779433727264 to:0.06580709666013718 in:0.04040587693452835 with:0.026888996362686157 :0.09068423509597778 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.07336405664682388 I:0.04528578370809555 He:0.04187255725264549 It:0.035690754652023315 :0.10362643748521805 +and:0.08530599623918533 mention:0.045186471194028854 body:0.0371096096932888 discharge:0.02816190756857395 :0.27007779479026794 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.31608742475509644 that:0.12377653270959854 and:0.10564284026622772 to:0.09039748460054398 :0.04852431267499924 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.053599849343299866 and:0.045829810202121735 to:0.04123155400156975 in:0.0171357411891222 :0.1846606731414795 +E.:0.04074210301041603 A.:0.023318402469158173 and:0.01998397521674633 L.:0.019973592832684517 :0.48335129022598267 +liberty:0.1366225928068161 amendment:0.03170919418334961 right:0.02477557398378849 and:0.024170301854610443 :0.199197456240654 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.15181311964988708 who:0.04574410617351532 the:0.04087526723742485 that:0.024570997804403305 :0.047230400145053864 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +who:0.07337609678506851 are:0.07038354128599167 have:0.06344348937273026 in:0.054376017302274704 :0.05061417818069458 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5957223176956177 in:0.041261427104473114 to:0.028458479791879654 and:0.023763667792081833 :0.04405505955219269 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +over:0.0879005417227745 across:0.07203523814678192 and:0.07025888562202454 at:0.04042067006230354 :0.11108055710792542 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.009982864372432232 said:0.008688421919941902 first:0.005789356771856546 most:0.005530164577066898 :0.2957894206047058 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +visions:0.0862513929605484 vided:0.03267056494951248 posed:0.02949434518814087 duce:0.024400215595960617 :0.44045448303222656 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.04478854686021805 language:0.036718130111694336 speaking:0.01503781508654356 people:0.012156776152551174 :0.35704848170280457 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13579273223876953 and:0.08675365895032883 goal:0.07111845165491104 notes:0.03988112881779671 :0.07334206253290176 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.3414742946624756 regulating:0.05620991811156273 and:0.05618700385093689 to:0.02823871374130249 :0.047023314982652664 +.:0.02387940138578415 and:0.017363987863063812 the:0.014194601215422153 of:0.012380551546812057 :0.39949649572372437 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +to:0.06096494197845459 and:0.050136201083660126 as:0.02452424168586731 made:0.012838147580623627 :0.21271370351314545 +and:0.05148844048380852 to:0.037268612533807755 is:0.032358307391405106 in:0.030010424554347992 :0.0852578654885292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16888359189033508 who:0.07345552742481232 in:0.06997664272785187 and:0.05723371356725693 :0.07583041489124298 +of:0.14462704956531525 are:0.04675457626581192 and:0.04142002388834953 to:0.03975991904735565 :0.06801252067089081 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.20193487405776978 the:0.050721585750579834 as:0.044743288308382034 which:0.037693221122026443 :0.07632314413785934 +in:0.11860742419958115 the:0.10143985599279404 a:0.06425660848617554 him:0.05104483291506767 :0.10769205540418625 +terial:0.26263242959976196 jority:0.09184882044792175 chine:0.031814094632864 ny:0.011607605963945389 :0.5406838059425354 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.12209296971559525 F.:0.0291215218603611 G.:0.021580345928668976 A.:0.021359866484999657 :0.4497779607772827 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.06757659465074539 as:0.05879008397459984 in:0.04391643777489662 but:0.03812812641263008 :0.08029738068580627 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.11063654720783234 was:0.04769713431596756 a:0.04167806729674339 out:0.03678988292813301 :0.08246974647045135 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.09950867295265198 of:0.05913707986474037 and:0.042408473789691925 as:0.033044859766960144 :0.20512786507606506 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +of:0.29426831007003784 that:0.06188945844769478 the:0.04506867378950119 and:0.034160859882831573 :0.08983039110898972 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.3083532750606537 by:0.19916760921478271 a:0.05888854339718819 in:0.05341443046927452 :0.049442123621702194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.23734953999519348 of:0.07264631241559982 against:0.044869858771562576 to:0.03956584259867668 :0.08680780977010727 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mittee:0.10645031929016113 mitted:0.027888134121894836 plete:0.0263700969517231 pany:0.023265447467565536 :0.5411295890808105 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.23206721246242523 them:0.2029571384191513 him:0.15626013278961182 us:0.07371258735656738 :0.0521966814994812 +own:0.015973277390003204 government:0.011670929379761219 people:0.01150201540440321 present:0.009022952057421207 :0.19452115893363953 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.14365726709365845 of:0.09879711270332336 is:0.05787254497408867 was:0.055110570043325424 :0.0846366286277771 +over:0.11427520215511322 up:0.08266665041446686 down:0.06773591041564941 the:0.04487355053424835 :0.09467028081417084 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14424066245555878 to:0.058938365429639816 is:0.049194272607564926 in:0.031215094029903412 :0.09956322610378265 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +I:0.0992727279663086 The:0.03144148737192154 But:0.029777728021144867 You:0.028468772768974304 :0.26407620310783386 +to:0.10536471009254456 a:0.09397473186254501 the:0.07103577256202698 you:0.03130251169204712 :0.07413793355226517 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +meeting:0.03966999799013138 convention:0.01627008244395256 tax:0.016241170465946198 report:0.014487715438008308 :0.5396676659584045 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5622088313102722 or:0.1996716409921646 ot:0.017941560596227646 and:0.016551269218325615 :0.022037304937839508 +be:0.1008206307888031 have:0.03224671259522438 and:0.027459215372800827 as:0.01914992555975914 :0.23070545494556427 +are:0.10860337316989899 and:0.10065050423145294 were:0.05247322842478752 of:0.05173395574092865 :0.04982670396566391 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +What:0.08286402374505997 Why:0.05457953363656998 It:0.04425280913710594 The:0.036063484847545624 :0.2016352266073227 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06223423406481743 was:0.052988264709711075 of:0.03336604684591293 to:0.0331231951713562 :0.09833307564258575 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.1592283695936203 the:0.09245561808347702 members:0.0340048186480999 to:0.020639417693018913 :0.1819567233324051 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +of:0.14369305968284607 to:0.06828659027814865 and:0.05552065744996071 is:0.027499988675117493 :0.0920824259519577 +of:0.12557926774024963 and:0.04641207680106163 that:0.040168389678001404 which:0.03693726658821106 :0.07216893881559372 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +us:0.16490952670574188 the:0.14133049547672272 him:0.0580168291926384 them:0.05629434809088707 :0.057524699717760086 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.3387455940246582 and:0.09229481220245361 for:0.05347011238336563 was:0.03561590611934662 :0.0651487186551094 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ficient:0.04187450557947159 fice:0.02689545229077339 fered:0.02128857932984829 fer:0.020322587341070175 :0.8291729688644409 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.39058148860931396 into:0.11346857994794846 upon:0.07018238306045532 a:0.044890277087688446 :0.07249291241168976 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.0973779708147049 from:0.06268481910228729 away:0.04365234822034836 by:0.03831595554947853 :0.1514367312192917 +the:0.1612178236246109 as:0.13977791368961334 a:0.043834518641233444 like:0.03498922660946846 :0.08964928984642029 +The:0.11225621402263641 It:0.042103007435798645 I:0.04089917242527008 He:0.03175217658281326 :0.15787167847156525 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13214729726314545 was:0.08384814113378525 of:0.03710336983203888 has:0.03307878598570824 :0.18578492105007172 +and:0.11079078912734985 in:0.046143025159835815 of:0.04586609825491905 to:0.034083813428878784 :0.07147695124149323 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +in:0.18189485371112823 of:0.11951856315135956 and:0.07096593081951141 at:0.054647669196128845 :0.062180276960134506 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +to:0.6514586806297302 the:0.1313277631998062 by:0.035500504076480865 tho:0.019135477021336555 :0.012497125193476677 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +run:0.01162492111325264 and:0.008854275569319725 business:0.006247990764677525 branches:0.006172844674438238 :0.3865572512149811 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.07350320369005203 to:0.03772776946425438 other:0.029128707945346832 as:0.018882935866713524 :0.30905187129974365 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.18048407137393951 and:0.05573243275284767 in:0.0363180972635746 to:0.02057858556509018 :0.35103556513786316 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.09477955847978592 that:0.08037188649177551 and:0.07688559591770172 to:0.06605822592973709 :0.05200251191854477 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +to:0.37192708253860474 that:0.13694731891155243 by:0.032542310655117035 in:0.027914129197597504 :0.0751318708062172 +in:0.12979763746261597 on:0.04738960787653923 with:0.03420661389827728 a:0.02964857779443264 :0.11857915669679642 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.29673126339912415 a:0.09618733078241348 that:0.032024867832660675 an:0.018358660861849785 :0.08398681879043579 +of:0.4123866856098175 to:0.08424942940473557 over:0.08355187624692917 in:0.042991429567337036 :0.030212990939617157 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.15027542412281036 It:0.10786836594343185 In:0.03456516191363335 This:0.03228457272052765 :0.16293540596961975 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.18739934265613556 the:0.04166446253657341 that:0.03845362737774849 I:0.02930566295981407 :0.06292237341403961 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.2455042153596878 but:0.06512157618999481 which:0.05439642444252968 the:0.03749235346913338 :0.06618339568376541 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13350051641464233 and:0.07983602583408356 up:0.027376675978302956 to:0.0209951214492321 :0.1948900669813156 +of:0.3035999536514282 the:0.08705413341522217 and:0.060910917818546295 in:0.03101264499127865 :0.05060737207531929 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +general:0.22398486733436584 General:0.1922411173582077 of:0.04039376601576805 for:0.029658930376172066 :0.14546272158622742 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.03223418444395065 work:0.01410118117928505 condition:0.013804247602820396 quality:0.009746137075126171 :0.2671129107475281 +the:0.3347238302230835 a:0.030483663082122803 tho:0.029622549191117287 his:0.013055804185569286 :0.22315837442874908 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +of:0.29754576086997986 and:0.17621423304080963 to:0.031904757022857666 which:0.02795357070863247 :0.02764737978577614 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +bearing:0.3992393910884857 dated:0.12381371855735779 and:0.075931616127491 to:0.05924302339553833 :0.05476061627268791 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +from:0.16422267258167267 into:0.11267779767513275 up:0.06795085221529007 to:0.06343532353639603 :0.10773951560258865 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +fat:0.20342406630516052 and:0.07995183765888214 is:0.05263688042759895 or:0.020730948075652122 :0.10487674921751022 +not:0.050069186836481094 the:0.028763558715581894 to:0.019223587587475777 in:0.014856607653200626 :0.22275468707084656 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +in:0.08668368309736252 and:0.07281649857759476 therefore,:0.05617868900299072 at:0.04201408103108406 :0.06579790264368057 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +war:0.04122858867049217 of:0.037425171583890915 in:0.03721177577972412 to:0.031375110149383545 :0.1857815682888031 +the:0.27084583044052124 a:0.1121392622590065 ten:0.051281075924634933 thirty:0.027615971863269806 :0.05882716178894043 +said:0.004928037989884615 whole:0.004053969867527485 United:0.003921668976545334 city:0.0038735964335501194 :0.4893916845321655 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.165361225605011 the:0.06992475688457489 to:0.03234757483005524 on:0.030318016186356544 :0.06406133621931076 +the:0.12284047156572342 of:0.03971127048134804 that:0.02266480028629303 other:0.014250789768993855 :0.16207119822502136 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +that:0.12182609736919403 and:0.11985251307487488 to:0.08984414488077164 the:0.07476901262998581 :0.06548117846250534 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +and:0.1102222353219986 Square:0.03629911318421364 county,:0.03492744639515877 county.:0.03301965072751045 :0.16678659617900848 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +in:0.24213609099388123 the:0.1912095695734024 him:0.08931013196706772 them:0.03478261083364487 :0.03695978224277496 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +and:0.2177845537662506 the:0.06217552721500397 but:0.03437120094895363 as:0.0270881038159132 :0.0823923647403717 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.5325332880020142 that:0.1042666882276535 itself:0.037186723202466965 by:0.03664607182145119 :0.030082738026976585 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.20123231410980225 but:0.09811072796583176 the:0.0462072417140007 which:0.024975156411528587 :0.08755829185247421 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.24971775710582733 that:0.08161092549562454 by:0.023418473079800606 in:0.010366875678300858 :0.2585255205631256 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05094917491078377 man:0.04038608819246292 fellow:0.034531354904174805 little:0.023562490940093994 :0.2004576325416565 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.12350975722074509 scribed:0.10853363573551178 the:0.04107411205768585 which:0.03959417715668678 :0.16736140847206116 +The:0.1630077362060547 He:0.058816488832235336 It:0.05408854782581329 I:0.02906111255288124 :0.17229628562927246 +to:0.01865844987332821 of:0.01682950370013714 in:0.01672256737947464 a:0.014620930887758732 :0.29319658875465393 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ning:0.5508751273155212 ing:0.010366274043917656 up:0.008249123580753803 and:0.007887649349868298 :0.25416505336761475 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.7426456212997437 or:0.020542534068226814 post:0.016974840313196182 and:0.014448551461100578 :0.028215255588293076 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1192973256111145 by:0.07590396702289581 from:0.06788928806781769 up:0.04530385136604309 :0.055026620626449585 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +H.:0.029155690222978592 E:0.019746312871575356 W:0.019198881462216377 W.:0.018007004633545876 :0.44014817476272583 +to:0.5320301651954651 as:0.029546987265348434 a:0.02576741948723793 that:0.022146031260490417 :0.10712455958127975 +against:0.28334352374076843 in:0.18690697848796844 themselves:0.0720873773097992 In:0.03548351302742958 :0.023222502321004868 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1196424812078476 it:0.09143441170454025 he:0.060337964445352554 they:0.05914008989930153 :0.06929656863212585 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.5821784138679504 and:0.02154061198234558 in:0.006201256066560745 to:0.005796488374471664 :0.23345538973808289 +the:0.10521112382411957 to:0.06929780542850494 for:0.032178930938243866 on:0.02582809515297413 :0.10547483712434769 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5320301651954651 as:0.029546987265348434 a:0.02576741948723793 that:0.022146031260490417 :0.10712455958127975 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3073415160179138 and:0.04030843451619148 Board:0.028057917952537537 to:0.022900084033608437 :0.10810422897338867 +over:0.17416685819625854 to:0.10418988764286041 out:0.06471280753612518 toward:0.056934457272291183 :0.05457296222448349 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.07132180035114288 a:0.06985807418823242 to:0.06737103313207626 well:0.03446680307388306 :0.10001073777675629 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.47363027930259705 are:0.03513342887163162 and:0.034029778093099594 to:0.02624283730983734 :0.03860883042216301 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +of:0.17216098308563232 and:0.14337201416492462 who:0.056847188621759415 to:0.04020079970359802 :0.04929092526435852 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.11725454777479172 in:0.10175454616546631 a:0.05968193709850311 to:0.04352031648159027 :0.04333595186471939 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +that:0.3282843232154846 the:0.11712753772735596 it:0.05629326030611992 I:0.042329851537942886 :0.038257718086242676 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +and:0.44577744603157043 of:0.1240803450345993 in:0.06262028962373734 to:0.0391840897500515 :0.04622051864862442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +terest:0.09443896263837814 creased:0.029662951827049255 stead:0.02578776143491268 dependent:0.02166767418384552 :0.5733004808425903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.08422579616308212 the:0.07696864008903503 in:0.073339082300663 to:0.06556960195302963 :0.046318162232637405 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +York:0.10412642359733582 York,:0.06617753207683563 the:0.05753936991095543 that:0.05514800176024437 :0.08182577043771744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +after:0.12800534069538116 of:0.11116679012775421 from:0.05746030434966087 and:0.03951564058661461 :0.07066773623228073 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.04305420070886612 of:0.03919250890612602 the:0.0276054497808218 house,:0.02620588429272175 :0.1764262616634369 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.13549622893333435 and:0.08592817932367325 in:0.05010402575135231 or:0.03315770998597145 :0.06334170699119568 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1545160710811615 which:0.04544880986213684 but:0.03999609500169754 to:0.03074900433421135 :0.06779403239488602 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +C:0.03943241015076637 C.:0.017674999311566353 S:0.01577300764620304 D.:0.015420738607645035 :0.40018826723098755 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.061931341886520386 potatoes:0.023571914061903954 is:0.01136488001793623 Springs,:0.010633457452058792 :0.6270456314086914 +for:0.3804536759853363 are:0.045984700322151184 in:0.04164861887693405 to:0.036502256989479065 :0.04565931484103203 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +of:0.24967890977859497 that:0.08452854305505753 which:0.04909797012805939 and:0.03897761180996895 :0.04086841270327568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5874926447868347 and:0.040446918457746506 to:0.029487719759345055 is:0.011609834618866444 :0.0656353011727333 +to:0.8399030566215515 or:0.08226965367794037 and:0.013700224459171295 in:0.004772219341248274 :0.015434014610946178 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06401190161705017 r:0.03205733373761177 >r:0.017570331692695618 tho:0.00833934172987938 :0.24295586347579956 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +of:0.15339145064353943 for:0.11035273224115372 in:0.0412641242146492 on:0.039755288511514664 :0.06420818716287613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +new:0.04515445604920387 cured:0.04092695936560631 of:0.028164362534880638 cured,:0.02589298225939274 :0.2360711246728897 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.21122507750988007 and:0.13936549425125122 in:0.03394288197159767 for:0.025845762342214584 :0.09466500580310822 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.12330766022205353 and:0.08506536483764648 in:0.06980230659246445 at:0.031013913452625275 :0.14283981919288635 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +them:0.06462922692298889 a:0.06370687484741211 the:0.06203547492623329 to:0.05158926546573639 :0.0786411240696907 +of:0.25714924931526184 to:0.1177811399102211 accruing:0.06174943968653679 and:0.033079586923122406 :0.03608354926109314 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +that:0.17875704169273376 the:0.05714203044772148 of:0.054255060851573944 whether:0.0507085956633091 :0.04694949835538864 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +in:0.11597997695207596 of:0.1062333956360817 to:0.07762905210256577 the:0.051238514482975006 :0.050878822803497314 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +to:0.5134709477424622 for:0.0942627415060997 of:0.03433724865317345 in:0.026638027280569077 :0.053714003413915634 +The:0.19480402767658234 This:0.06421192735433578 It:0.03412847965955734 In:0.02655809372663498 :0.1630340814590454 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +the:0.06412578374147415 a:0.013729661703109741 that:0.012777823023498058 to:0.011771712452173233 :0.2567578852176666 +the:0.1052117571234703 be:0.023981884121894836 a:0.022236693650484085 tho:0.012235070578753948 :0.3261999487876892 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.27463069558143616 in:0.0632295161485672 to:0.0579378679394722 who:0.03742586076259613 :0.030342107638716698 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.11368358135223389 become:0.04180251434445381 be:0.03601950779557228 ordered:0.030285049229860306 :0.1888853907585144 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.37192708253860474 that:0.13694731891155243 by:0.032542310655117035 in:0.027914129197597504 :0.0751318708062172 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +that:0.08682309836149216 refused:0.03488382324576378 and:0.02741348184645176 to:0.022722110152244568 :0.24313847720623016 +far:0.08234849572181702 long:0.07458566874265671 the:0.06647490710020065 much:0.044785019010305405 :0.09180775284767151 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.19614602625370026 has:0.06113240867853165 to:0.041502516716718674 is:0.041102584451436996 :0.06582292169332504 +of:0.09044831991195679 to:0.06489294022321701 and:0.054719723761081696 is:0.04253297671675682 :0.09092676639556885 +years:0.11973298341035843 (20):0.04598655924201012 thousand:0.034283045679330826 of:0.015946000814437866 :0.28162503242492676 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09248063713312149 to:0.05895635113120079 of:0.057161420583724976 in:0.05271991714835167 :0.07905831187963486 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.6676996350288391 the:0.03688574582338333 at:0.01861940324306488 a:0.017663786187767982 :0.058274488896131516 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +Mrs.:0.03509611636400223 the:0.024264462292194366 and:0.02388686127960682 James:0.01786092482507229 :0.3259945809841156 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.03246603533625603 a:0.010523706674575806 i:0.010304857045412064 to:0.009823665022850037 :0.3898007571697235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +to:0.3189760446548462 for:0.08089017868041992 evidence:0.031013060361146927 amount:0.029551835730671883 :0.15520289540290833 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2743918299674988 the:0.07921317964792252 but:0.058329399675130844 which:0.04059584066271782 :0.06798374652862549 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.05654411017894745 have:0.05069168657064438 who:0.05006485804915428 were:0.04719866067171097 :0.045298684388399124 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +own:0.01992211304605007 parents:0.010475079528987408 family:0.007161346264183521 farm.:0.006500260904431343 :0.38811227679252625 +the:0.1411600112915039 a:0.11820738017559052 place:0.04521225392818451 up:0.036363083869218826 :0.07629699259996414 +are:0.12908832728862762 and:0.12100479751825333 in:0.06967253983020782 for:0.04000026360154152 :0.07247033715248108 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.18810993432998657 the:0.04986219108104706 or:0.03728260472416878 but:0.03675001487135887 :0.08453036099672318 +the:0.1849302351474762 be:0.07760313153266907 make:0.024805670604109764 have:0.017321476712822914 :0.18016734719276428 +and:0.1395331174135208 to:0.03809956833720207 of:0.027548756450414658 or:0.025344673544168472 :0.1525804102420807 +of:0.6267273426055908 and:0.029845573008060455 to:0.024138133972883224 from:0.023444775491952896 :0.028669992461800575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +ceived:0.01453169621527195 the:0.012149110436439514 ported:0.012097148224711418 -:0.010624353773891926 :0.4510902166366577 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.23390156030654907 but:0.046972740441560745 duties:0.031967442482709885 which:0.028321919962763786 :0.11671451479196548 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +by:0.16057275235652924 in:0.07675953954458237 the:0.04979874938726425 a:0.027891136705875397 :0.08580372482538223 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +and:0.099502332508564 in:0.033763106912374496 expenditures:0.02252577431499958 as:0.021288223564624786 :0.2073630541563034 +of:0.26864686608314514 and:0.16118267178535461 to:0.03564249351620674 is:0.027845069766044617 :0.06966600567102432 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3596802353858948 and:0.05591703951358795 in:0.0434577502310276 to:0.032649047672748566 :0.04212664067745209 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +leave:0.5836306214332581 to:0.10835607349872589 of:0.03973827138543129 the:0.026233350858092308 :0.04182355850934982 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +The:0.19276882708072662 It:0.058587104082107544 He:0.03251129016280174 This:0.030229341238737106 :0.09957746416330338 +to:0.0922556072473526 and:0.05635807663202286 of:0.05428135395050049 has:0.0494769811630249 :0.09546292573213577 +tance:0.11943025141954422 tant:0.10985413938760757 charge:0.05891687422990799 trict:0.04066450893878937 :0.3773779273033142 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +has:0.0630265474319458 and:0.05439981073141098 of:0.05134031921625137 to:0.05008210614323616 :0.05919277295470238 +was:0.09855679422616959 and:0.05180506408214569 in:0.02941371686756611 to:0.02900111861526966 :0.20582550764083862 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +John:0.02367415465414524 and:0.021898239850997925 Theodore:0.021100925281643867 J.:0.017938761040568352 :0.4122043251991272 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.37784305214881897 tho:0.04416779801249504 this:0.039214838296175 a:0.024165311828255653 :0.10123487561941147 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.09038993716239929 get:0.06433039158582687 see:0.056458406150341034 help:0.03746950253844261 :0.08485107868909836 +and:0.2066008597612381 the:0.03990248590707779 in:0.0364379845559597 to:0.029731474816799164 :0.14258579909801483 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +by:0.5014582872390747 of:0.15723834931850433 and:0.13416756689548492 bv:0.020808111876249313 :0.03690561652183533 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21008484065532684 of:0.1972435563802719 is:0.04330810531973839 has:0.03073628433048725 :0.05180627852678299 +of:0.185770183801651 payment:0.05077056959271431 and:0.0432809554040432 amount:0.019827356562018394 :0.16213443875312805 +and:0.20281310379505157 the:0.07414022833108902 but:0.0547192357480526 it:0.02221079170703888 :0.07087228447198868 +and:0.5431238412857056 or:0.034220583736896515 aud:0.007100132293999195 is:0.005681432317942381 :0.27199023962020874 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05963953211903572 Railroad:0.05341188609600067 coast:0.05180307477712631 railroad:0.035234738141298294 :0.2558220326900482 +pose:0.24174420535564423 chased:0.03818950802087784 chase:0.03680826723575592 suit:0.035259537398815155 :0.5204001665115356 +and:0.05800764635205269 ,:0.036991339176893234 of:0.03232741728425026 A:0.019434863701462746 :0.2078634649515152 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.657863974571228 and:0.011061465367674828 one:0.010266600176692009 ot:0.010105748660862446 :0.0484030656516552 +described:0.09157349169254303 the:0.06172392517328262 is:0.017040546983480453 are:0.011781981214880943 :0.20583650469779968 +in:0.1177259013056755 by:0.08949924260377884 from:0.04081248864531517 on:0.03774493187665939 :0.08869767189025879 +to:0.3859034478664398 upon:0.07074973732233047 the:0.06127486377954483 by:0.030368885025382042 :0.07796114683151245 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.07298959046602249 that:0.01338025089353323 a:0.011399323120713234 to:0.00955590046942234 :0.17182262241840363 +in:0.022261066362261772 and:0.015591179952025414 of:0.014187647961080074 most:0.009658181108534336 :0.31451600790023804 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.24355725944042206 but:0.05648773908615112 or:0.027387037873268127 the:0.024966580793261528 :0.10829903930425644 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +and:0.17002259194850922 the:0.06856705248355865 it:0.05422364920377731 but:0.04654286429286003 :0.0522453598678112 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +to:0.31961801648139954 and:0.11639809608459473 by:0.09216202795505524 against:0.052979975938797 :0.04864976182579994 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +hich:0.05398387461900711 ill:0.04396161064505577 ith:0.042024582624435425 hole:0.02534019760787487 :0.40585923194885254 +wife:0.014394868165254593 name:0.01321286242455244 first:0.012603298760950565 father,:0.010865313932299614 :0.28542545437812805 +The:0.11549094319343567 He:0.044606924057006836 It:0.038148704916238785 In:0.0349993035197258 :0.17862920463085175 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.02029317244887352 the:0.018895134329795837 of:0.013261362910270691 said:0.01208729948848486 :0.283393532037735 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +as:0.11362641304731369 in:0.06787914037704468 on:0.05121919512748718 if:0.029566066339612007 :0.10291305929422379 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08556078374385834 tne:0.044601086527109146 a:0.022252457216382027 uie:0.010054265148937702 :0.27010655403137207 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +in:0.08143344521522522 and:0.030917862430214882 commend:0.02317158691585064 congratulate:0.02121184580028057 :0.3593498766422272 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09733984619379044 at:0.061423685401678085 of:0.036506932228803635 was:0.029676277190446854 :0.10905517637729645 +the:0.31106895208358765 for:0.06735856831073761 a:0.03602753207087517 and:0.031653713434934616 :0.08098799735307693 +to:0.4735976457595825 the:0.10904084891080856 by:0.05325108766555786 for:0.02946384996175766 :0.07601381838321686 +and:0.14581136405467987 that:0.06579385697841644 the:0.041606832295656204 as:0.03093859739601612 :0.043656930327415466 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.038386888802051544 to:0.015392661094665527 a:0.014380856417119503 that:0.01046338863670826 :0.19328241050243378 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.0991608127951622 in:0.07434986531734467 to:0.06434772908687592 for:0.03621973469853401 :0.03778068721294403 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +who:0.10279558598995209 and:0.050773702561855316 was:0.04837517812848091 in:0.04814588278532028 :0.07640182226896286 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +and:0.2275712788105011 but:0.06629564613103867 which:0.043800029903650284 the:0.03510347008705139 :0.0897524282336235 +Association:0.09442009031772614 of:0.05603177472949028 association:0.047082215547561646 Association,:0.03579157590866089 :0.3495054841041565 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.10927645862102509 for:0.08180643618106842 are:0.06346388906240463 on:0.0608062781393528 :0.06428643316030502 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2534703314304352 and:0.07369717210531235 the:0.04205508157610893 in:0.04159347340464592 :0.10899626463651657 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.2727511525154114 on:0.1398191601037979 upon:0.05282880365848541 at:0.04826238378882408 :0.040982555598020554 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.16340206563472748 to:0.15785464644432068 for:0.1466209441423416 and:0.12698052823543549 :0.03025940991938114 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +of:0.19093552231788635 before:0.06705526262521744 and:0.06422775238752365 after:0.05807185545563698 :0.060839053243398666 +of:0.657863974571228 and:0.011061465367674828 one:0.010266600176692009 ot:0.010105748660862446 :0.0484030656516552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.41319942474365234 to:0.039176732301712036 between:0.031080037355422974 and:0.02596079185605049 :0.08822212368249893 +of:0.2667330205440521 was:0.05887246131896973 in:0.05432561784982681 to:0.046679604798555374 :0.044944409281015396 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.0355512797832489 oak:0.020635701715946198 limbs:0.01221861969679594 silver:0.012190639972686768 :0.5285078287124634 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.446064829826355 was:0.05216836929321289 and:0.051838889718055725 for:0.037723664194345474 :0.0542244054377079 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +up:0.09621059894561768 by:0.08130259066820145 a:0.05925596505403519 in:0.05596292391419411 :0.040584683418273926 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.1442929059267044 There:0.05043837055563927 This:0.04555925726890564 He:0.026257023215293884 :0.10685943067073822 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2133161425590515 of:0.09697727859020233 are:0.06440722942352295 to:0.035464443266391754 :0.06623522937297821 +of:0.6710160374641418 the:0.043558597564697266 and:0.01996985264122486 a:0.01482557412236929 :0.02835547737777233 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.13678739964962006 to:0.11555512249469757 much:0.042486947029829025 great:0.03410165756940842 :0.11690419912338257 +of:0.5170412659645081 and:0.056854765862226486 are:0.029208721593022346 for:0.02730204351246357 :0.049346040934324265 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +to:0.11020103842020035 of:0.09789133816957474 that:0.05840165540575981 like:0.05488714203238487 :0.09610145539045334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +water:0.04201986640691757 and:0.03758490830659866 water,:0.030376248061656952 weather.:0.016360966488718987 :0.23352305591106415 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.11502580344676971 and:0.06915736943483353 time,:0.019862530753016472 explanation:0.013831769116222858 :0.1882229596376419 +to:0.24091097712516785 by:0.04690496623516083 the:0.03779105842113495 and:0.026774754747748375 :0.08948653936386108 +of:0.29525572061538696 a:0.05242224037647247 men:0.020975356921553612 times:0.019468998536467552 :0.13482315838336945 +wife:0.014394868165254593 name:0.01321286242455244 first:0.012603298760950565 father,:0.010865313932299614 :0.28542545437812805 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.23137183487415314 in:0.08515973389148712 for:0.06936232000589371 and:0.06068526953458786 :0.07481513172388077 +.:0.27870669960975647 W:0.02773839235305786 J:0.016614221036434174 H:0.014257206581532955 :0.31039807200431824 +Assembly:0.06292631477117538 of:0.03374562785029411 and:0.016197901219129562 Manager:0.009145837277173996 :0.5189526081085205 +terest:0.09443896263837814 creased:0.029662951827049255 stead:0.02578776143491268 dependent:0.02166767418384552 :0.5733004808425903 +in:0.09983611106872559 and:0.04424775019288063 on:0.04409151151776314 it:0.03255505487322807 :0.06295500695705414 +in:0.450793981552124 In:0.1296578049659729 on:0.11409439146518707 within:0.030246004462242126 :0.030718307942152023 +a:0.03915686160326004 be:0.025856321677565575 the:0.024254145100712776 as:0.016179224476218224 :0.3653676211833954 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +to:0.7351666688919067 in:0.13586783409118652 In:0.030808456242084503 at:0.005206041969358921 :0.03428492322564125 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.11667025089263916 to:0.030963176861405373 Railroad:0.02256852015852928 in:0.02191370353102684 :0.2584002912044525 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +city:0.016300804913043976 to:0.013302122242748737 is:0.01298678107559681 was:0.010224138386547565 :0.269313782453537 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +y.:0.15264123678207397 to:0.01841968484222889 the:0.016403568908572197 -:0.014517193660140038 :0.2873379588127136 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +cars,:0.10326851159334183 and:0.09002254158258438 train:0.08004754781723022 cars:0.03317489102482796 :0.1649700403213501 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.20869651436805725 described:0.05462256446480751 all:0.0308659877628088 named:0.028359683230519295 :0.16649943590164185 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +of:0.3748994767665863 for:0.034864798188209534 and:0.031330280005931854 to:0.02926054410636425 :0.0812561959028244 +Assembly:0.06292631477117538 of:0.03374562785029411 and:0.016197901219129562 Manager:0.009145837277173996 :0.5189526081085205 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.15737617015838623 and:0.07299993932247162 or:0.056806616485118866 to:0.04431604966521263 :0.04269684478640556 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.0529925674200058 with:0.043173614889383316 up:0.03709335997700691 the:0.03329328075051308 :0.19821347296237946 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +and:0.05887465924024582 care:0.02287605218589306 supply:0.009058615192770958 source:0.008881347253918648 :0.4294411540031433 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ready:0.18694446980953217 ways:0.15821409225463867 most:0.1147259846329689 lowed:0.09211716800928116 :0.18354153633117676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.13493818044662476 a:0.10850495100021362 place:0.07508259266614914 up:0.037724949419498444 :0.06988222897052765 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15716120600700378 too,:0.05090435594320297 that:0.03323435038328171 but:0.028988085687160492 :0.09546118974685669 +and:0.19304655492305756 but:0.06568710505962372 smooth:0.0645437091588974 a:0.018622664734721184 :0.09362474828958511 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23100587725639343 a:0.044649843126535416 tho:0.029576024040579796 this:0.019620409235358238 :0.19552354514598846 +College:0.020061951130628586 Works:0.015554655343294144 Inspector:0.01170496828854084 Association:0.01127726398408413 :0.7196945548057556 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +visions:0.0862513929605484 vided:0.03267056494951248 posed:0.02949434518814087 duce:0.024400215595960617 :0.44045448303222656 +and:0.06994211673736572 to:0.059498243033885956 the:0.0530715137720108 in:0.04195472598075867 :0.16329523921012878 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +E.:0.04074210301041603 A.:0.023318402469158173 and:0.01998397521674633 L.:0.019973592832684517 :0.48335129022598267 +to:0.08646342158317566 in:0.06261953711509705 and:0.06160210445523262 for:0.05159600079059601 :0.09178218245506287 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1377086490392685 a:0.060172587633132935 for:0.04155806079506874 out:0.02897167205810547 :0.09969504177570343 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1645573377609253 but:0.07572915405035019 that:0.050998106598854065 the:0.04371244087815285 :0.08429964631795883 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +years:0.08584744483232498 (20):0.04427598416805267 years,:0.035455748438835144 minutes:0.031484853476285934 :0.23568600416183472 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +the:0.11996906995773315 it:0.10872496664524078 a:0.060858387500047684 not:0.049558982253074646 :0.145832359790802 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.08139640837907791 the:0.07789874076843262 when:0.022286031395196915 a:0.02032550983130932 :0.1077379509806633 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.2148350477218628 and:0.12303335964679718 stipulated:0.09191395342350006 that:0.01973222941160202 :0.1972789466381073 +of:0.23101849853992462 are:0.0555272251367569 in:0.05411700904369354 on:0.03327116742730141 :0.0474264957010746 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.2048702836036682 the:0.09288272261619568 a:0.06820496171712875 in:0.06558481603860855 :0.05484000965952873 +of:0.6461552381515503 and:0.03328455612063408 ot:0.016036655753850937 the:0.0143528301268816 :0.01471371203660965 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2203192263841629 it.:0.044626813381910324 a:0.04105382785201073 any:0.035591140389442444 :0.0964149758219719 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2140406221151352 a:0.07723674923181534 any:0.054281797260046005 and:0.05106179416179657 :0.053020622581243515 +and:0.10845764726400375 that:0.07000879943370819 the:0.05890573933720589 but:0.05765676125884056 :0.08384262770414352 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.2214386910200119 a:0.04523886740207672 him:0.026971427723765373 feet:0.021898474544286728 :0.13220791518688202 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09388735890388489 and:0.09177247434854507 on:0.03732845187187195 the:0.0350220650434494 :0.20826900005340576 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +O.:0.02600044384598732 L.:0.024637261405587196 K.:0.01852027140557766 B.:0.016538137570023537 :0.3683984577655792 +to:0.07525888830423355 Department,:0.06151555851101875 Department:0.04792172461748123 of:0.0417255274951458 :0.1583157628774643 +of:0.026459073647856712 .:0.015532474964857101 to:0.011833610944449902 and:0.0113530233502388 :0.34905585646629333 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +plat:0.03573504462838173 and:0.026573142036795616 of:0.02558719739317894 figures:0.01899840496480465 :0.24131865799427032 +of:0.30312034487724304 to:0.08403464406728745 over:0.06122490018606186 for:0.05518374219536781 :0.04255635663866997 +as:0.2629900276660919 be:0.04810809716582298 after:0.03728906810283661 to:0.02789856679737568 :0.11382653564214706 +for:0.23452071845531464 why:0.19476726651191711 which:0.030420836061239243 of:0.030289018526673317 :0.02842002734541893 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.054334014654159546 and:0.04293246194720268 in:0.04138943925499916 to:0.03316614404320717 :0.18705733120441437 +to:0.3431418538093567 and:0.0488702766597271 by:0.03960074111819267 the:0.03733466565608978 :0.047502268105745316 +The:0.12211093306541443 I:0.08474768698215485 It:0.07700999826192856 He:0.04405814781785011 :0.20017284154891968 +Territory:0.11128154397010803 and:0.020606623962521553 territory:0.011978511698544025 corn:0.010592343285679817 :0.3199712038040161 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +that:0.09242137521505356 which:0.04869495704770088 to:0.04481525719165802 in:0.03876658156514168 :0.09917939454317093 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15370763838291168 who:0.08161323517560959 but:0.03086845390498638 the:0.029523827135562897 :0.07933741062879562 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +of:0.4096487760543823 with:0.10958489775657654 more:0.09004068374633789 in:0.029714928939938545 :0.04068519547581673 +Y.:0.13309691846370697 C:0.059923265129327774 Y:0.04703951254487038 J:0.0440911129117012 :0.2137855887413025 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12727496027946472 by:0.11445432901382446 in:0.09149219840765 to:0.0864572525024414 :0.04409288242459297 +to:0.20108915865421295 by:0.1631399691104889 the:0.12566903233528137 a:0.02950158528983593 :0.08185113966464996 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.2362038493156433 was:0.054206278175115585 with:0.044041216373443604 for:0.037060510367155075 :0.11868493258953094 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +described:0.0961163267493248 in:0.04506393522024155 to:0.038616351783275604 the:0.03790232539176941 :0.1484367549419403 +and:0.2195606231689453 but:0.054748088121414185 sell,:0.04709756001830101 hold,:0.03475789725780487 :0.08119267225265503 +away:0.1464070975780487 the:0.11716829985380173 up:0.08665420860052109 of:0.05340324342250824 :0.07058915495872498 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +that:0.3057287633419037 a:0.11404867470264435 the:0.07526559382677078 how:0.03739549219608307 :0.03717785328626633 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +upon:0.2591853737831116 on:0.14204666018486023 and:0.11879891157150269 by:0.07858773320913315 :0.0455571711063385 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +was:0.19559139013290405 had:0.058138638734817505 is:0.04658277705311775 has:0.0340050607919693 :0.09720320999622345 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +M:0.15817305445671082 M.:0.09213034808635712 &:0.011996847577393055 M.,:0.011043411679565907 :0.3745432496070862 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +mediately:0.07658059149980545 possible:0.05632365494966507 portance:0.0500829741358757 provements:0.04613820090889931 :0.42090296745300293 +The:0.14844828844070435 He:0.058210406452417374 There:0.02893195115029812 They:0.023115679621696472 :0.032808154821395874 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +and:0.20207582414150238 but:0.04039422422647476 the:0.03941715508699417 as:0.028897492215037346 :0.10259946435689926 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +and:0.1867319941520691 that:0.0671982690691948 the:0.0534798726439476 but:0.04090595990419388 :0.07556024938821793 +The:0.12450111657381058 It:0.02600742317736149 Sec.:0.025980547070503235 In:0.02553729899227619 :0.17042352259159088 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +stitution:0.14737053215503693 gress:0.127506822347641 vention:0.08307178318500519 gress,:0.004407152067869902 :0.5562925934791565 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.04111100733280182 name:0.005845178849995136 wife:0.005242068320512772 and:0.004331347532570362 :0.43663913011550903 +in:0.07591651380062103 as:0.0431092344224453 the:0.037105150520801544 and:0.03665897995233536 :0.05940091237425804 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3163507282733917 a:0.04407695308327675 any:0.03831585496664047 its:0.026696395128965378 :0.1429099589586258 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +and:0.09022664278745651 condition:0.01241524238139391 to:0.01229426171630621 or:0.0086166737601161 :0.5100489854812622 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.3395371437072754 the:0.14872673153877258 an:0.05449437350034714 and:0.022867001593112946 :0.09505999833345413 +I:0.035657551139593124 therefore,:0.03098037838935852 It:0.026741746813058853 The:0.026483258232474327 :0.07371837645769119 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.27327242493629456 to:0.10261201858520508 the:0.08300982415676117 in:0.03329698368906975 :0.09571631997823715 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +.:0.16454321146011353 ,000:0.10550830513238907 ,:0.04376944154500961 to:0.038347795605659485 :0.08270135521888733 +and:0.06635013967752457 of:0.03257161006331444 to:0.01669275015592575 on:0.016097618266940117 :0.3394046127796173 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +to:0.5030831694602966 at:0.07217131555080414 was:0.042060092091560364 of:0.028754988685250282 :0.038715917617082596 +and:0.09389935433864594 of:0.08647675067186356 or:0.04174068942666054 is:0.030356789007782936 :0.2078033685684204 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5281934142112732 himself:0.0242006815969944 the:0.02219613827764988 a:0.02040184661746025 :0.09933237731456757 +of:0.16884735226631165 in:0.11404133588075638 to:0.055937279015779495 and:0.037658900022506714 :0.06588571518659592 +the:0.1052117571234703 be:0.023981884121894836 a:0.022236693650484085 tho:0.012235070578753948 :0.3261999487876892 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12260119616985321 in:0.02636406384408474 to:0.02516988106071949 has:0.02017819695174694 :0.13490596413612366 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +at:0.14117442071437836 the:0.07302384078502655 and:0.07291768491268158 to:0.05973626673221588 :0.12468797713518143 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +cept:0.06194410100579262 tion:0.05410385876893997 count:0.053120605647563934 cording:0.052240174263715744 :0.5606041550636292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Jury:0.24679453670978546 Army:0.08807168900966644 Lodge:0.03408301994204521 Rapids:0.02853899635374546 :0.3567410409450531 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1451673060655594 who:0.04466463625431061 the:0.033089492470026016 but:0.026135720312595367 :0.18383462727069855 +the:0.13493818044662476 a:0.10850495100021362 place:0.07508259266614914 up:0.037724949419498444 :0.06988222897052765 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +of:0.3725869655609131 to:0.08517558872699738 that:0.047408752143383026 a:0.035384152084589005 :0.07012268155813217 +of:0.16795630753040314 number:0.0361391082406044 or:0.035382479429244995 numbered:0.028428317978978157 :0.14995509386062622 +to:0.05899517983198166 by:0.05488772317767143 the:0.05180753394961357 in:0.04014145955443382 :0.20471195876598358 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2934068739414215 but:0.036494411528110504 the:0.028060175478458405 to:0.015287220478057861 :0.09623987972736359 +the:0.12119928747415543 out:0.06102573126554489 a:0.054120078682899475 of:0.045608390122652054 :0.11128205806016922 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +the:0.06797537207603455 be:0.027196312323212624 have:0.013603719882667065 a:0.010037352330982685 :0.45109283924102783 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +after:0.33424946665763855 by:0.1572028547525406 in:0.021860897541046143 to:0.0113652553409338 :0.32360440492630005 +and:0.1225709319114685 that:0.07040174305438995 to:0.04562520235776901 as:0.02530822344124317 :0.15442778170108795 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.14215214550495148 but:0.047526195645332336 as:0.040577467530965805 the:0.034435760229825974 :0.06363117694854736 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.3982037901878357 but:0.08918103575706482 the:0.03430480882525444 as:0.024975568056106567 :0.04012519121170044 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11422722786664963 the:0.05970270559191704 but:0.03351503983139992 of:0.031051022931933403 :0.055389706045389175 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.48943743109703064 and:0.045150209218263626 is:0.020860744640231133 to:0.014594674110412598 :0.055353157222270966 +of:0.3414742946624756 regulating:0.05620991811156273 and:0.05618700385093689 to:0.02823871374130249 :0.047023314982652664 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +The:0.12675951421260834 It:0.061488620936870575 and:0.04397806152701378 I:0.03968595340847969 :0.23039363324642181 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +against:0.2547561228275299 of:0.06459156423807144 was:0.04261259362101555 to:0.040645960718393326 :0.0995139330625534 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +and:0.21916811168193817 of:0.20486092567443848 to:0.11412105709314346 in:0.03676269203424454 :0.052076954394578934 +the:0.06941875070333481 most:0.024192556738853455 ready:0.01777956448495388 a:0.016272518783807755 :0.2831505835056305 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +and:0.08138951659202576 the:0.017146820202469826 devisees:0.016943152993917465 a:0.010706380940973759 :0.5776182413101196 +the:0.2580321729183197 a:0.05862276256084442 by:0.05471652001142502 tho:0.020349137485027313 :0.09442345052957535 +of:0.6715260744094849 and:0.05088936910033226 for:0.035766199231147766 to:0.02119918167591095 :0.01641801744699478 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +at:0.24190057814121246 to:0.1396816521883011 and:0.05668312683701515 the:0.03320971503853798 :0.07243489474058151 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.24430562555789948 and:0.0869964063167572 to:0.04658560827374458 in:0.02797921933233738 :0.08067996799945831 +and:0.07762829214334488 who:0.06646504998207092 are:0.04829181358218193 in:0.04675536975264549 :0.04675815999507904 +of:0.17114681005477905 the:0.047530192881822586 and:0.03306511417031288 a:0.022757699713110924 :0.1446780562400818 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +mains:0.0632535070180893 ported:0.0286139864474535 sult:0.017881091684103012 quired:0.01608717441558838 :0.4340441823005676 +that:0.17869675159454346 the:0.11582807451486588 a:0.06410928070545197 of:0.028276007622480392 :0.0842549130320549 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.09315019845962524 in:0.08268646895885468 and:0.07984445244073868 to:0.05664271488785744 :0.12095607817173004 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.12568417191505432 of:0.10044986009597778 in:0.04920177906751633 where:0.03994207829236984 :0.05516774207353592 +and:0.10913152992725372 water:0.051700618118047714 water,:0.048574671149253845 ash:0.03897406533360481 :0.09161807596683502 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3366515636444092 of:0.0906929075717926 a:0.03351718559861183 at:0.031867191195487976 :0.10967888683080673 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +own:0.015973277390003204 government:0.011670929379761219 people:0.01150201540440321 present:0.009022952057421207 :0.19452115893363953 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +in:0.05321860313415527 of:0.04405144974589348 and:0.03295078128576279 from:0.021770978346467018 :0.27508288621902466 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +in:0.07591651380062103 as:0.0431092344224453 the:0.037105150520801544 and:0.03665897995233536 :0.05940091237425804 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.41626089811325073 on:0.05865764990448952 out:0.030228974297642708 up:0.027375677600502968 :0.06335530430078506 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.20657862722873688 to:0.13110840320587158 in:0.06752590835094452 from:0.06585215032100677 :0.06151136755943298 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.24963845312595367 the:0.08715818077325821 which:0.04347832128405571 a:0.038421791046857834 :0.14831678569316864 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.058295391499996185 rails:0.040857523679733276 or:0.018191242590546608 trust:0.015115836635231972 :0.2527006268501282 +a:0.1406092792749405 the:0.09762856364250183 one:0.0796717032790184 two:0.03960184007883072 :0.05998767912387848 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +The:0.17764833569526672 It:0.0822298526763916 He:0.03401590883731842 I:0.03129083290696144 :0.21116408705711365 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +time:0.14122091233730316 distance:0.1244429349899292 of:0.07592078298330307 time.:0.04901304468512535 :0.14211395382881165 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +The:0.15909841656684875 It:0.05057528242468834 A:0.03779924288392067 This:0.034423828125 :0.15381000936031342 +been:0.14221101999282837 made:0.019299764186143875 in:0.016722165048122406 a:0.009499944746494293 :0.16277889907360077 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2575659155845642 in:0.1800074726343155 the:0.15498077869415283 is:0.017300182953476906 :0.02500266022980213 +of:0.5498884320259094 and:0.06423738598823547 in:0.0439586341381073 are:0.018320132046937943 :0.03999004885554314 +to:0.15854565799236298 that:0.11136793345212936 from:0.05643521249294281 a:0.05395510047674179 :0.11559946835041046 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +who:0.16544756293296814 in:0.039405081421136856 interested:0.03116520680487156 and:0.03057965822517872 :0.08606355637311935 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +them:0.06462922692298889 a:0.06370687484741211 the:0.06203547492623329 to:0.05158926546573639 :0.0786411240696907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.137745663523674 against:0.10893409699201584 is:0.05618192255496979 the:0.05560806766152382 :0.050542522221803665 +of:0.27037376165390015 and:0.08745881170034409 the:0.03182494267821312 are:0.03114684671163559 :0.06649956852197647 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +of:0.1981707215309143 for:0.16609594225883484 and:0.06864950805902481 to:0.06766045838594437 :0.07952485978603363 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.24617233872413635 which:0.04357784613966942 but:0.03268956020474434 the:0.029735367745161057 :0.0694907158613205 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +own:0.01863507367670536 people:0.00980800949037075 country:0.009384443052113056 citizens:0.00662575289607048 :0.37074801325798035 +The:0.09681086242198944 In:0.06340077519416809 It:0.0508478544652462 of:0.038886699825525284 :0.22157342731952667 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.16236504912376404 in:0.1544882208108902 real:0.11324393004179001 property:0.03360685706138611 :0.05942712724208832 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Lodge:0.29074835777282715 Creek:0.017333798110485077 Island,:0.015559141524136066 and:0.01273257378488779 :0.419074684381485 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.1284632533788681 a:0.026250101625919342 tne:0.025473326444625854 said:0.014708544127643108 :0.25927409529685974 +by:0.17399269342422485 the:0.12889201939105988 that:0.1047743707895279 in:0.05380697548389435 :0.11058314144611359 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21879924833774567 a:0.07151775062084198 them:0.062355514615774155 him:0.04317840188741684 :0.05357673764228821 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.10855282098054886 was:0.055932849645614624 to:0.028910186141729355 of:0.02837221883237362 :0.12010923773050308 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +H.:0.023287540301680565 A.:0.016149792820215225 M:0.014641269110143185 W:0.01165457908064127 :0.6034932732582092 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +are:0.252049058675766 of:0.20941725373268127 for:0.09102072566747665 to:0.06962812691926956 :0.06876609474420547 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.4774787724018097 said:0.06674261391162872 with:0.044080715626478195 tho:0.01826210878789425 :0.04593053087592125 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3490632474422455 is:0.053258154541254044 and:0.03738630563020706 in:0.024364950135350227 :0.044786106795072556 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +of:0.5624262690544128 who:0.07547370344400406 and:0.026190055534243584 were:0.020074035972356796 :0.024116046726703644 +the:0.08787337690591812 of:0.032733671367168427 and:0.02867971733212471 a:0.024318721145391464 :0.14743271470069885 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +of:0.42962080240249634 to:0.1042335033416748 from:0.04344193637371063 is:0.023111775517463684 :0.049923621118068695 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.24564731121063232 and:0.09128385037183762 in:0.06791772693395615 to:0.03359959274530411 :0.08011972904205322 +The:0.13769342005252838 This:0.06298426538705826 In:0.05781674012541771 It:0.04637523368000984 :0.18759888410568237 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +City:0.2936372756958008 City,:0.12925992906093597 and:0.05678781121969223 City.:0.021579274907708168 :0.06638411432504654 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +who:0.1145944893360138 are:0.06116102263331413 of:0.048711638897657394 to:0.042582131922245026 :0.07955609261989594 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14746715128421783 or:0.06688077747821808 is:0.0556170679628849 fever:0.05420845001935959 :0.13552188873291016 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.319743275642395 what:0.043493274599313736 to:0.035871122032403946 was:0.032021064311265945 :0.05310627818107605 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +a:0.05025562271475792 not:0.04520045965909958 be:0.03764525055885315 is:0.03603275865316391 :0.132454052567482 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.11336922645568848 the:0.05648094043135643 which:0.028140027076005936 in:0.017795326188206673 :0.17119678854942322 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.12553758919239044 and:0.08991185575723648 in:0.07567420601844788 were:0.04603855311870575 :0.05374542251229286 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +in:0.18189485371112823 of:0.11951856315135956 and:0.07096593081951141 at:0.054647669196128845 :0.062180276960134506 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 diff --git a/gonito.yaml b/gonito.yaml index 632e41d..3e8c03e 100644 --- a/gonito.yaml +++ b/gonito.yaml @@ -1,10 +1,16 @@ -description: trigram model +description: neurl-network bigram tags: - neural-network - - trigram + - bigram params: epochs: 1 - learning-rate: 0.0001 - vocab_size: 40000 - embed_size: 300 - hidden_size: 256 + learning-rate: 0.001 +unwanted-params: + - model-file + - vocab-file +param-files: + - "*.yaml" + - config/*.yaml +links: + - title: "repository" + url: "https://git.wmi.amu.edu.pl/s444354/challenging-america-word-gap-prediction.git" diff --git a/test-A/out.tsv b/test-A/out.tsv new file mode 100644 index 0000000..9591643 --- /dev/null +++ b/test-A/out.tsv @@ -0,0 +1,7414 @@ +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5322627425193787 in:0.011596706695854664 for:0.010147000662982464 and:0.00922744907438755 :0.08464310318231583 +to:0.111759714782238 that:0.0474402941763401 and:0.0248101856559515 in:0.020926568657159805 :0.22185444831848145 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +The:0.08090054243803024 He:0.07118487358093262 She:0.05846206098794937 It:0.05510092154145241 :0.08998508006334305 +been:0.07442178577184677 since:0.02122374437749386 saw:0.019460860639810562 be:0.018847351893782616 :0.19023028016090393 +and:0.061645928770303726 H.:0.034879494458436966 F.:0.029092926532030106 R.:0.025675078853964806 :0.3363632559776306 +days:0.0883869081735611 years:0.056672316044569016 weeks:0.03694196790456772 of:0.03585732355713844 :0.18065567314624786 +ing:0.15130402147769928 cause:0.12945125997066498 lieve:0.12125279754400253 yond:0.08115505427122116 :0.10101606696844101 +and:0.1645573377609253 but:0.07572915405035019 that:0.050998106598854065 the:0.04371244087815285 :0.08429964631795883 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tract:0.03600350394845009 tinued:0.03285365551710129 struction:0.0242477897554636 nected:0.021600980311632156 :0.5468257069587708 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +per:0.07273569703102112 o'clock:0.04506298527121544 and:0.04002303257584572 to:0.03208377957344055 :0.23630879819393158 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +Canada:0.14543209969997406 Union:0.09554589539766312 at:0.05476166307926178 and:0.04925047233700752 :0.21520666778087616 +and:0.06706920266151428 morning:0.06258843839168549 afternoon:0.05232173949480057 in:0.03775777295231819 :0.11737789958715439 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.07076940685510635 but:0.04660376161336899 in:0.035253021866083145 a:0.0346982479095459 :0.0996224656701088 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.10146547853946686 for:0.08327654749155045 of:0.05342604219913483 in:0.04067001864314079 :0.08388406783342361 +of:0.24319063127040863 and:0.06556901335716248 are:0.06132112070918083 in:0.03275330364704132 :0.03893265873193741 +the:0.10880677402019501 in:0.1042880266904831 before:0.06000422686338425 In:0.05772039294242859 :0.07177232205867767 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +is:0.16542191803455353 nro:0.07448882609605789 was:0.07049322873353958 has:0.06761160492897034 :0.05198739841580391 +power:0.02587410993874073 countries:0.02402063086628914 trade:0.01947670616209507 corporations:0.019160350784659386 :0.23541107773780823 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.21741409599781036 the:0.03186934068799019 in:0.028788559138774872 that:0.02864251285791397 :0.07061707973480225 +company,:0.05113108083605766 company:0.03615964204072952 and:0.03065473958849907 companies,:0.02444162592291832 :0.20467202365398407 +of:0.3073415160179138 and:0.04030843451619148 Board:0.028057917952537537 to:0.022900084033608437 :0.10810422897338867 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.2629900276660919 be:0.04810809716582298 after:0.03728906810283661 to:0.02789856679737568 :0.11382653564214706 +of:0.6267273426055908 and:0.029845573008060455 to:0.024138133972883224 from:0.023444775491952896 :0.028669992461800575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0727425217628479 was:0.05236680060625076 to:0.02497643046081066 is:0.02312503196299076 :0.0879296138882637 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +value:0.120597705245018 that:0.10974527150392532 to:0.05704387649893761 and:0.05515408143401146 :0.15168240666389465 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +the:0.26051875948905945 to:0.25208336114883423 a:0.05180703103542328 and:0.027906155213713646 :0.06781506538391113 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +of:0.290938138961792 that:0.13226598501205444 was:0.07442118972539902 is:0.03903122991323471 :0.05646594241261482 +of:0.06247763708233833 and:0.056180402636528015 who:0.02218203991651535 the:0.01987350918352604 :0.4174666404724121 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +and:0.07369507104158401 eye:0.055475011467933655 sense:0.040004584938287735 interest:0.03139429911971092 :0.17270627617835999 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.17722342908382416 by:0.131978377699852 for:0.056036222726106644 a:0.05297184735536575 :0.11476556211709976 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.16420073807239532 to:0.07847864180803299 and:0.046305425465106964 shall:0.04163900762796402 :0.05776430293917656 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.6969003677368164 the:0.018362542614340782 mainly:0.016745813190937042 by:0.013359359465539455 :0.022425809875130653 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +The:0.21322131156921387 It:0.05885715410113335 He:0.04784362018108368 There:0.038456447422504425 :0.13065753877162933 +of:0.8495142459869385 ot:0.018566539511084557 and:0.005688430275768042 cf:0.004836302250623703 :0.01799052767455578 +believed:0.03133058920502663 known:0.022660203278064728 the:0.021500971168279648 to:0.020305657759308815 :0.16313137114048004 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.3687913417816162 by:0.3430377244949341 in:0.034887149930000305 the:0.021297654137015343 :0.022159885615110397 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1284632533788681 a:0.026250101625919342 tne:0.025473326444625854 said:0.014708544127643108 :0.25927409529685974 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.25975942611694336 but:0.043823350220918655 the:0.04368521645665169 he:0.01628817245364189 :0.026333104819059372 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +of:0.2480708509683609 and:0.11077964305877686 for:0.054468635469675064 is:0.040785763412714005 :0.037054602056741714 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.5269052982330322 to:0.086246058344841 and:0.0482974648475647 in:0.036699872463941574 :0.03748532757163048 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +of:0.29486069083213806 to:0.07506656646728516 no:0.06369604170322418 a:0.04926491528749466 :0.043402496725320816 +The:0.0983007401227951 It:0.06747208535671234 I:0.044539228081703186 He:0.03871781751513481 :0.16047008335590363 +in:0.0845017284154892 from:0.06971921771764755 to:0.06354838609695435 generation:0.06319969892501831 :0.09799623489379883 +of:0.26406803727149963 and:0.07853205502033234 in:0.06575499475002289 who:0.04003673791885376 :0.06836152821779251 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06358886510133743 to:0.02227013185620308 sent:0.011003387160599232 made:0.008404002524912357 :0.36950716376304626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06941875070333481 most:0.024192556738853455 ready:0.01777956448495388 a:0.016272518783807755 :0.2831505835056305 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +west:0.24995635449886322 east,:0.116255022585392 east:0.09161732345819473 and:0.0262210201472044 :0.10575715452432632 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +to:0.5619649291038513 and:0.03943435102701187 from:0.032398950308561325 the:0.0209296066313982 :0.02914700098335743 +of:0.10164429992437363 to:0.05719057470560074 and:0.046622153371572495 is:0.029037605971097946 :0.06292793154716492 +and:0.14763353765010834 of:0.05194844305515289 Bros,:0.028826329857110977 has:0.024443738162517548 :0.16735780239105225 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +us:0.16490952670574188 the:0.14133049547672272 him:0.0580168291926384 them:0.05629434809088707 :0.057524699717760086 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +jury:0.07938102632761002 jurors:0.0500214621424675 and:0.04352514073252678 jury,:0.03997255861759186 :0.3856877088546753 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.35094892978668213 that:0.06712019443511963 and:0.03723281994462013 to:0.031652312725782394 :0.06382368505001068 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.19392432272434235 a:0.06330392509698868 the:0.04487724229693413 to:0.013993944972753525 :0.11483967304229736 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +use.:0.020380612462759018 and:0.016425827518105507 confinement:0.016286371275782585 settlers:0.01583191379904747 :0.21997833251953125 +the:0.26051875948905945 to:0.25208336114883423 a:0.05180703103542328 and:0.027906155213713646 :0.06781506538391113 +than:0.3425268828868866 of:0.0173353161662817 the:0.016352500766515732 and:0.015326026827096939 :0.1776961088180542 +and:0.10161475837230682 in:0.05884517356753349 to:0.04264073818922043 is:0.03298454359173775 :0.07253330945968628 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09192241728305817 death.:0.06656212359666824 he:0.04114089906215668 death:0.03980979323387146 :0.128639817237854 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +to:0.12938225269317627 out:0.05318237096071243 in:0.05187520012259483 from:0.0476660281419754 :0.09325490891933441 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.03802361711859703 I:0.03024756722152233 'The:0.01613570563495159 the:0.01491854153573513 :0.2746899724006653 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +the:0.03536221385002136 decided:0.021549923345446587 to:0.019396493211388588 came:0.018536951392889023 :0.20570091903209686 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +Lillian:0.03160923719406128 Helen:0.024358544498682022 Mary:0.02174459956586361 May:0.014495722018182278 :0.526942253112793 +building:0.08466178178787231 and:0.05924040451645851 house:0.03202186897397041 or:0.028665006160736084 :0.26376205682754517 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.19290383160114288 a:0.05958263576030731 of:0.018984604626893997 tho:0.012406410649418831 :0.23910048604011536 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +a:0.01243676245212555 .:0.011993486434221268 the:0.011142071336507797 in:0.010542976669967175 :0.4072105884552002 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +years:0.08041249215602875 and:0.037991002202034 miles:0.03432666137814522 feet:0.029539689421653748 :0.2841792106628418 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +head:0.01753629930317402 life:0.016176464036107063 face:0.015190165489912033 hand,:0.014042478054761887 :0.22250786423683167 +the:0.10200776904821396 a:0.0657939687371254 them:0.05480276420712471 him:0.04573249816894531 :0.07286142557859421 +.:0.3096974790096283 W:0.02653813734650612 A:0.01755259558558464 M:0.01583448424935341 :0.19283215701580048 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +own:0.021671505644917488 wife,:0.008135217241942883 wife:0.007789378985762596 family:0.007303758058696985 :0.3204125761985779 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +of:0.2362038493156433 was:0.054206278175115585 with:0.044041216373443604 for:0.037060510367155075 :0.11868493258953094 +of:0.7742573022842407 from:0.017467737197875977 ot:0.013149995356798172 that:0.01060362346470356 :0.015534867532551289 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.24515001475811005 the:0.06709396094083786 but:0.03378250449895859 it:0.024122297763824463 :0.0991925373673439 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.19533729553222656 and:0.03875674307346344 portion:0.02239987626671791 part:0.018285168334841728 :0.1965920478105545 +the:0.02280973643064499 Hunt:0.022029180079698563 and:0.013276327401399612 Co.,:0.01128399558365345 :0.36589744687080383 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +been:0.07442178577184677 since:0.02122374437749386 saw:0.019460860639810562 be:0.018847351893782616 :0.19023028016090393 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07823817431926727 standard:0.02954074926674366 in:0.02772456407546997 medal:0.02532331459224224 :0.25917351245880127 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.11834511905908585 but:0.051616981625556946 though:0.01707054302096367 large,:0.016575360670685768 :0.16888625919818878 +has:0.0630265474319458 and:0.05439981073141098 of:0.05134031921625137 to:0.05008210614323616 :0.05919277295470238 +days:0.09363161027431488 miles:0.08395601063966751 feet:0.04577147960662842 years:0.04472131282091141 :0.17636635899543762 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.07943055033683777 of:0.05246890336275101 and:0.0358608216047287 system:0.029212908819317818 :0.13873763382434845 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.050190653651952744 of:0.04793865978717804 from:0.03391556069254875 the:0.03193056210875511 :0.14072296023368835 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +of:0.12497178465127945 to:0.09042860567569733 which:0.06043817102909088 for:0.05607348307967186 :0.05321060121059418 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16420073807239532 to:0.07847864180803299 and:0.046305425465106964 shall:0.04163900762796402 :0.05776430293917656 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +are:0.10053908824920654 were:0.09796231240034103 have:0.07359933108091354 will:0.03812168538570404 :0.11114534735679626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.04058947041630745 that:0.02616053633391857 to:0.020738113671541214 result:0.015988297760486603 :0.39834535121917725 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1164025291800499 and:0.07932786643505096 to:0.0512806735932827 in:0.04168171435594559 :0.07145137339830399 +and:0.04723050072789192 or:0.017360744997859 power:0.015196443535387516 authority:0.009514966979622841 :0.4342055320739746 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +*:0.03703024610877037 of:0.015500853769481182 .:0.014134984463453293 the:0.011528058908879757 :0.2917487919330597 +F.:0.07675160467624664 F:0.022493144497275352 &:0.014343161135911942 B.:0.012685698457062244 :0.5178675651550293 +and:0.23283474147319794 the:0.05051233246922493 but:0.049050506204366684 which:0.024045834317803383 :0.10860956460237503 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.23246419429779053 was:0.13715852797031403 to:0.07223746180534363 for:0.054765552282333374 :0.04798863083124161 +of:0.26182788610458374 and:0.08550480008125305 in:0.0245946254581213 was:0.02246631309390068 :0.19752801954746246 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +to:0.23052750527858734 was:0.11390161514282227 of:0.060109399259090424 is:0.034278206527233124 :0.06322350353002548 +at:0.20867308974266052 and:0.10486939549446106 to:0.09157668799161911 in:0.06319637596607208 :0.0987352505326271 +The:0.0614108070731163 It:0.03300057351589203 A:0.026788318529725075 I:0.024516696110367775 :0.22493912279605865 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +and:0.25413748621940613 the:0.0562707856297493 to:0.024112995713949203 it:0.020477687940001488 :0.05122501403093338 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +.:0.15049904584884644 is:0.019187016412615776 the:0.0137020293623209 was:0.011398756876587868 :0.3133888840675354 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.3400644361972809 of:0.26146528124809265 to:0.060357581824064255 in:0.03000796027481556 :0.03390202671289444 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.12560999393463135 of:0.07132478058338165 in:0.06825289875268936 to:0.053971607238054276 :0.08176923543214798 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +The:0.13871820271015167 It:0.04878977686166763 There:0.025356125086545944 I:0.025073744356632233 :0.2702573835849762 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +of:0.21387088298797607 is:0.07733526825904846 and:0.07606422901153564 in:0.03921474516391754 :0.06935452669858932 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.1585543006658554 tho:0.033081214874982834 a:0.02790134958922863 once:0.024541763588786125 :0.2612431049346924 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08413790911436081 be:0.05056154727935791 and:0.01985669881105423 not:0.01896795816719532 :0.2133384793996811 +one:0.05549537017941475 and:0.03717587888240814 number:0.022358793765306473 of:0.02219950407743454 :0.29651352763175964 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +who:0.05313588306307793 of:0.04486550763249397 was:0.04292187839746475 and:0.0364164337515831 :0.12061720341444016 +The:0.10999960452318192 It:0.06557132303714752 In:0.038217753171920776 He:0.02803550846874714 :0.13527008891105652 +of:0.05707105994224548 in:0.04499639570713043 from:0.028101393952965736 at:0.020579710602760315 :0.2708759903907776 +the:0.18288789689540863 out:0.128514364361763 on:0.07540468871593475 it:0.06239635869860649 :0.06491799652576447 +in:0.11364799737930298 that:0.09894558042287827 feature:0.07663906365633011 fact:0.032926294952631 :0.0966075211763382 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +part:0.06734723597764969 states:0.031198745593428612 and:0.022599563002586365 portion:0.022436806932091713 :0.19849805533885956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +of:0.1541784554719925 shall:0.08848406374454498 and:0.07644522935152054 to:0.07561826705932617 :0.042871419340372086 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +to:0.06963255256414413 the:0.05762757733464241 for:0.02898641861975193 of:0.02679031528532505 :0.24247623980045319 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +a:0.13093073666095734 the:0.08631710708141327 their:0.07503959536552429 of:0.03384425863623619 :0.10833428055047989 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +blue:0.10314343869686127 and:0.06866896897554398 green:0.018192393705248833 as:0.01692797802388668 :0.16014468669891357 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.06268221884965897 between:0.054262205958366394 conditions:0.03680293262004852 laws,:0.023851361125707626 :0.17736078798770905 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.24395067989826202 as:0.21007472276687622 in:0.07960931956768036 and:0.04562290757894516 :0.12273784726858139 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.0257513839751482 .:0.020895155146718025 ....:0.019480744376778603 The:0.01943376287817955 :0.42308416962623596 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +car:0.09853065013885498 car,:0.07640714198350906 in:0.07448247820138931 with:0.03912881016731262 :0.15831293165683746 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +and:0.1761101335287094 in:0.02742633782327175 the:0.023328009992837906 avenues:0.022510580718517303 :0.1400093138217926 +and:0.2638925015926361 were:0.049108389765024185 of:0.039976540952920914 are:0.03708658739924431 :0.05577179044485092 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +who:0.10279558598995209 and:0.050773702561855316 was:0.04837517812848091 in:0.04814588278532028 :0.07640182226896286 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.16724686324596405 where:0.0377691425383091 but:0.02913718856871128 the:0.026366446167230606 :0.08579816669225693 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +of:0.14065101742744446 day:0.10399900376796722 and:0.05329951271414757 section:0.03188702091574669 :0.2631734609603882 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.5522398948669434 tho:0.043908875435590744 a:0.03137049078941345 said:0.01975037343800068 :0.05741069093346596 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.26858946681022644 the:0.06418444216251373 but:0.048365794122219086 which:0.04008783772587776 :0.17755845189094543 +for:0.11009637266397476 the:0.07510591298341751 with:0.049959782510995865 and:0.043683815747499466 :0.08350164443254471 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.1467391699552536 and:0.056719984859228134 in:0.020007111132144928 to:0.014589447528123856 :0.3024086654186249 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12264653295278549 to:0.049435440450906754 a:0.04878483712673187 more:0.045099370181560516 :0.12745694816112518 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1334037333726883 in:0.09665472060441971 and:0.07707872241735458 are:0.061281442642211914 :0.0485992394387722 +and:0.11527357250452042 who:0.09489359706640244 the:0.045125678181648254 which:0.0228858832269907 :0.074910968542099 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09480233490467072 and:0.04501146450638771 that:0.034390613436698914 a:0.029837124049663544 :0.08961130678653717 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +H.:0.029155690222978592 E:0.019746312871575356 W:0.019198881462216377 W.:0.018007004633545876 :0.44014817476272583 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.657863974571228 and:0.011061465367674828 one:0.010266600176692009 ot:0.010105748660862446 :0.0484030656516552 +of:0.3219875693321228 the:0.11093706637620926 to:0.043951988220214844 and:0.0387069396674633 :0.03487952798604965 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +at:0.23800358176231384 General:0.0723944902420044 to:0.061366934329271317 in:0.044414930045604706 :0.2415197491645813 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +of:0.415134459733963 to:0.05323276296257973 the:0.04421285539865494 and:0.017073988914489746 :0.10585812479257584 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.11061190813779831 to:0.07582341879606247 was:0.025905776768922806 of:0.022019581869244576 :0.317380428314209 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Britain:0.32415613532066345 Britain,:0.13465729355812073 Northern:0.09313865751028061 Falls:0.02164001390337944 :0.2533065378665924 +with:0.2074233591556549 of:0.11428490281105042 the:0.1116238683462143 Him:0.021677382290363312 :0.0459258034825325 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +deg.:0.24172261357307434 degrees:0.03582645207643509 per:0.02578076720237732 and:0.025343691930174828 :0.21303482353687286 +to:0.10669372230768204 of:0.08463454246520996 but:0.06743231415748596 else:0.05004267022013664 :0.053470611572265625 +and:0.05846214294433594 or:0.03907453641295433 is:0.028073417022824287 to:0.022511310875415802 :0.16530533134937286 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07341509312391281 a:0.049423087388277054 to:0.04617488384246826 well:0.021063145250082016 :0.20942045748233795 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.050190653651952744 of:0.04793865978717804 from:0.03391556069254875 the:0.03193056210875511 :0.14072296023368835 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +property:0.03509614244103432 and:0.027003737166523933 letter:0.011792234145104885 or:0.010764597915112972 :0.39134323596954346 +with:0.6034876704216003 and:0.023619474843144417 to:0.013313732109963894 witb:0.01197102852165699 :0.049470171332359314 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5986844897270203 from:0.09235122054815292 to:0.03283752128481865 or:0.017803573980927467 :0.05257409065961838 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +of:0.33164912462234497 that:0.27034205198287964 as:0.045401621609926224 and:0.03918766602873802 :0.02380521409213543 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10521112382411957 to:0.06929780542850494 for:0.032178930938243866 on:0.02582809515297413 :0.10547483712434769 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.1180802658200264 was:0.037358272820711136 of:0.034137122333049774 in:0.032566044479608536 :0.07585915178060532 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.37872937321662903 and:0.05357038974761963 is:0.049040839076042175 was:0.041628558188676834 :0.049385420978069305 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +from:0.12194433063268661 in:0.10841929912567139 to:0.05160961672663689 between:0.044598959386348724 :0.034106865525245667 +most:0.007670531049370766 State:0.007181638851761818 men:0.005532603710889816 same:0.005333312787115574 :0.25695550441741943 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +of:0.21099638938903809 the:0.11087290942668915 for:0.050749022513628006 to:0.048193685710430145 :0.05287536606192589 +of:0.13435448706150055 and:0.07282330095767975 in:0.05298604071140289 to:0.044711921364068985 :0.17818091809749603 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +election:0.07651503384113312 law:0.051503799855709076 and:0.04061826691031456 object:0.03340759500861168 :0.22320860624313354 +of:0.5339963436126709 and:0.05614815279841423 as:0.02722431905567646 is:0.027163373306393623 :0.05052866414189339 +John:0.024900253862142563 to:0.02189444750547409 Wil-:0.019844375550746918 James:0.017154503613710403 :0.2629786729812622 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +of:0.21109502017498016 and:0.055191848427057266 or:0.04141135886311531 in:0.03804687038064003 :0.0739314928650856 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.2714431881904602 of:0.0816630870103836 to:0.017636390402913094 that:0.010478373616933823 :0.341110497713089 +the:0.22763602435588837 a:0.05402517691254616 tho:0.026265466585755348 Mr.:0.019044702872633934 :0.19215969741344452 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1954534351825714 and:0.06613563746213913 for:0.05979868397116661 a:0.04159902408719063 :0.13398560881614685 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +lowing:0.2916877269744873 low:0.2693873345851898 lowed:0.12268157303333282 lows::0.05361805111169815 :0.15352244675159454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.11455647647380829 A:0.03634914755821228 I:0.03324606642127037 It:0.030169885605573654 :0.1152597963809967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.21045096218585968 with:0.04318690299987793 the:0.03455602750182152 but:0.025568926706910133 :0.054666317999362946 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +of:0.2382764220237732 and:0.15658040344715118 was:0.05154082179069519 to:0.0409051887691021 :0.07326418906450272 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +tion:0.44931045174598694 tion,:0.19755400717258453 tions:0.07082170993089676 tions,:0.06553079932928085 :0.08842015266418457 +of:0.27714136242866516 to:0.048719651997089386 and:0.04799798130989075 in:0.036404505372047424 :0.05107022076845169 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +land:0.08521326631307602 lands:0.050473228096961975 lands.:0.04114581272006035 lands,:0.040806543081998825 :0.05475923418998718 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +end:0.0665084645152092 part:0.059874776750802994 and:0.025290874764323235 line:0.02379055693745613 :0.1317426562309265 +that:0.1517334282398224 of:0.08627990633249283 the:0.05956723913550377 it:0.049439072608947754 :0.04282793775200844 +of:0.18855062127113342 number:0.07369614392518997 cost:0.0277019701898098 amount:0.02726777084171772 :0.22947384417057037 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +church.:0.03632684051990509 church:0.027447255328297615 churches:0.027304448187351227 Church:0.02442377246916294 :0.5373789072036743 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +e:0.018974129110574722 nearest:0.011582906357944012 Peace:0.009849470108747482 the:0.007685049902647734 :0.24586685001850128 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.053706374019384384 that:0.03584892302751541 was:0.022449489682912827 in:0.02155970223248005 :0.2307416796684265 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +*:0.03703024610877037 of:0.015500853769481182 .:0.014134984463453293 the:0.011528058908879757 :0.2917487919330597 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +ject:0.3455457091331482 scription:0.047647591680288315 mitted:0.043226465582847595 jects:0.03397185355424881 :0.3619243800640106 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +court:0.5360219478607178 court,:0.10578741133213043 court.:0.015221021138131618 law:0.013547658920288086 :0.08000322431325912 +The:0.15269765257835388 It:0.07196684181690216 He:0.0674176812171936 I:0.042897243052721024 :0.1611063927412033 +The:0.10872737318277359 It:0.07297968119382858 But:0.04261936619877815 He:0.04250165820121765 :0.11522877961397171 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +in:0.056419555097818375 I:0.04265150800347328 the:0.039186690002679825 if:0.037886444479227066 :0.13827836513519287 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.08470405638217926 up:0.07897564023733139 to:0.05919970944523811 on:0.03254351764917374 :0.07511924207210541 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.0454070009291172 well:0.034010641276836395 divided:0.024068111553788185 good:0.018881596624851227 :0.23439963161945343 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.10146547853946686 for:0.08327654749155045 of:0.05342604219913483 in:0.04067001864314079 :0.08388406783342361 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +the:0.21666884422302246 springs:0.07632403820753098 it:0.0638618916273117 he:0.04680580273270607 :0.13558867573738098 +of:0.415134459733963 to:0.05323276296257973 the:0.04421285539865494 and:0.017073988914489746 :0.10585812479257584 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.09870981425046921 in:0.08968520164489746 to:0.08478721976280212 the:0.05611039325594902 :0.10056208074092865 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.058460526168346405 to:0.033543072640895844 of:0.013998816721141338 in:0.013349919579923153 :0.21371933817863464 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.03834337368607521 by:0.030329398810863495 the:0.02717754617333412 in:0.023978929966688156 :0.1988997459411621 +of:0.07852397114038467 when:0.04326319321990013 and:0.036266449838876724 as:0.03584634140133858 :0.06076418235898018 +of:0.3982014060020447 and:0.07918503880500793 the:0.04193606972694397 to:0.021534405648708344 :0.07041715085506439 +and:0.19093407690525055 but:0.03361542522907257 as:0.027623897418379784 in:0.020618706941604614 :0.18082964420318604 +that:0.4045427441596985 the:0.08642800897359848 it:0.04791282117366791 in:0.04674803093075752 :0.03147798031568527 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +of:0.10304967314004898 were:0.08093125373125076 at:0.05090880021452904 the:0.04616355895996094 :0.055982887744903564 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +of:0.2604720890522003 and:0.13815440237522125 in:0.055787231773138046 with:0.048776306211948395 :0.04758153855800629 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.41365906596183777 in:0.11899102479219437 the:0.05307525023818016 to:0.030597783625125885 :0.029694240540266037 +and:0.1458205282688141 was:0.10291815549135208 is:0.05488855764269829 of:0.05194534733891487 :0.14631624519824982 +the:0.1269996166229248 tho:0.03893323615193367 it:0.025387173518538475 there:0.02232915535569191 :0.11262869089841843 +United:0.016774695366621017 same:0.008666077628731728 most:0.007206255570054054 other:0.007104007992893457 :0.28467094898223877 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.26136916875839233 and:0.12927809357643127 in:0.03821481764316559 is:0.03599490970373154 :0.03457055240869522 +own:0.021671505644917488 wife,:0.008135217241942883 wife:0.007789378985762596 family:0.007303758058696985 :0.3204125761985779 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21059957146644592 the:0.047688078135252 but:0.0421493835747242 in:0.028031032532453537 :0.07465068250894547 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1347506195306778 who:0.11852859705686569 and:0.10733424872159958 are:0.041111890226602554 :0.08456844836473465 +the:0.1170603334903717 their:0.10753965377807617 train:0.05453954637050629 to:0.027310984209179878 :0.09790854901075363 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +tice:0.07817943394184113 thing:0.06000008061528206 tion:0.02498774416744709 ble:0.023809000849723816 :0.39864856004714966 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +date:0.18556958436965942 the:0.06681151688098907 interest:0.05080891400575638 on:0.039957791566848755 :0.07426097244024277 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +bank:0.03711313754320145 banks:0.02550145424902439 debt:0.02162235975265503 and:0.017332565039396286 :0.2783578634262085 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +of:0.33687904477119446 day:0.03186367452144623 Hundred:0.030532803386449814 thing:0.018876586109399796 :0.07920660823583603 +and:0.14925937354564667 the:0.0649278536438942 but:0.05023461580276489 which:0.0314861424267292 :0.0649794489145279 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.28045591711997986 to:0.12387867271900177 the:0.08526163548231125 a:0.04246579110622406 :0.038636330515146255 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.11477135121822357 up:0.06374675780534744 it:0.06177569180727005 a:0.060511671006679535 :0.05838731676340103 +(6):0.30905529856681824 years:0.038322433829307556 weeks:0.033302173018455505 or:0.02973254583775997 :0.13998039066791534 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +the:0.13413779437541962 mined:0.058557864278554916 you,:0.04802941903471947 them:0.036715395748615265 :0.22492793202400208 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.09070684760808945 industry:0.029204504564404488 is:0.02657950296998024 beets:0.02549043297767639 :0.21571357548236847 +you:0.16474248468875885 the:0.09467215090990067 me:0.04743329808115959 us:0.03822889178991318 :0.07580238580703735 +the:0.4681960642337799 a:0.03639376536011696 this:0.03298095241189003 that:0.030569083988666534 :0.06516741216182709 +of:0.2463279813528061 on:0.07526092976331711 in:0.054118379950523376 to:0.048249952495098114 :0.06781785935163498 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1180802658200264 was:0.037358272820711136 of:0.034137122333049774 in:0.032566044479608536 :0.07585915178060532 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.19095049798488617 at:0.05595826730132103 of:0.03606696054339409 with:0.032624438405036926 :0.08558501303195953 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +the:0.038138505071401596 a:0.020370282232761383 to:0.014259989373385906 in:0.008082637563347816 :0.5737289190292358 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +of:0.23506635427474976 houses:0.06277798861265182 house:0.050370242446660995 and:0.04034537449479103 :0.11247248202562332 +the:0.22644837200641632 there:0.0620565228164196 we:0.03155055642127991 it:0.03080686181783676 :0.076732337474823 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +of:0.19786636531352997 and:0.09475971758365631 in:0.06762616336345673 for:0.06340464949607849 :0.053639765828847885 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.3239564001560211 and:0.029497044160962105 in:0.02307962439954281 or:0.020835209637880325 :0.11690698564052582 +the:0.26051875948905945 to:0.25208336114883423 a:0.05180703103542328 and:0.027906155213713646 :0.06781506538391113 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +and:0.07793387770652771 to:0.05305323377251625 4:0.04631893336772919 in:0.0414772629737854 :0.09174884855747223 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.03729528933763504 a:0.03275848925113678 made:0.010809219442307949 held:0.009809447452425957 :0.44901353120803833 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +from:0.2491232305765152 and:0.06027965992689133 with:0.0320553295314312 the:0.0212763212621212 :0.09597030282020569 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +e:0.018974129110574722 nearest:0.011582906357944012 Peace:0.009849470108747482 the:0.007685049902647734 :0.24586685001850128 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1778336763381958 but:0.0715274065732956 the:0.05260258540511131 which:0.03968476876616478 :0.06042179837822914 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +on:0.12814559042453766 in:0.12263676524162292 at:0.12115813791751862 In:0.031462181359529495 :0.1467558592557907 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.18712125718593597 it:0.0632278248667717 to:0.030555883422493935 this:0.02460787445306778 :0.053807009011507034 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.462456613779068 the:0.04899156838655472 in:0.03802306950092316 and:0.023039646446704865 :0.041950613260269165 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13642063736915588 on:0.06608615070581436 to:0.05132807791233063 in:0.05085804685950279 :0.058002084493637085 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +skill:0.03992553427815437 beauty:0.03976868465542793 and:0.015060922130942345 preparation:0.010387800633907318 :0.40624046325683594 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3185088336467743 in:0.06516935676336288 that:0.048884548246860504 are:0.0484432652592659 :0.05061601474881172 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +of:0.33005815744400024 and:0.10036364942789078 are:0.03640641272068024 in:0.028130855411291122 :0.08908753842115402 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +far:0.08234849572181702 long:0.07458566874265671 the:0.06647490710020065 much:0.044785019010305405 :0.09180775284767151 +of:0.05953359603881836 and:0.046049121767282486 for:0.01145935244858265 as:0.011032848618924618 :0.2858152389526367 +the:0.08553634583950043 of:0.04181050881743431 I:0.017664076760411263 a:0.015674667432904243 :0.21812006831169128 +who:0.16544756293296814 in:0.039405081421136856 interested:0.03116520680487156 and:0.03057965822517872 :0.08606355637311935 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.11063162982463837 and:0.07916037738323212 or:0.057095520198345184 to:0.05114269256591797 :0.10521155595779419 +sioners:0.38826271891593933 sion:0.1299421191215515 sioner:0.11087638139724731 sion.:0.03207851201295853 :0.22072219848632812 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.15555837750434875 the:0.05096447467803955 an:0.03848416730761528 so:0.03581169620156288 :0.2664255201816559 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +where:0.14044629037380219 in:0.06593029946088791 and:0.04761737585067749 of:0.04453658312559128 :0.07489122450351715 +of:0.319743275642395 what:0.043493274599313736 to:0.035871122032403946 was:0.032021064311265945 :0.05310627818107605 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +M.:0.022881129756569862 and:0.01488468423485756 Cooper,:0.01342273224145174 White,:0.012889639474451542 :0.5284618139266968 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Street:0.18246044218540192 street:0.06687450408935547 and:0.05482751876115799 street,:0.033369939774274826 :0.27147039771080017 +over:0.17416685819625854 to:0.10418988764286041 out:0.06471280753612518 toward:0.056934457272291183 :0.05457296222448349 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.22685354948043823 and:0.1100415289402008 are:0.06259692460298538 in:0.044797010719776154 :0.0300331711769104 +to:0.20437376201152802 out:0.03838789835572243 down:0.036691538989543915 by:0.034382738173007965 :0.07873935997486115 +life:0.039313867688179016 life.:0.028358254581689835 and:0.02458646334707737 life,:0.018387973308563232 :0.4839753210544586 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.13307353854179382 of:0.08495306223630905 that:0.05802878364920616 this:0.03344053402543068 :0.14084215462207794 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23748289048671722 a:0.06004078686237335 tho:0.021919403225183487 this:0.018624989315867424 :0.25070086121559143 +The:0.1378207951784134 It:0.04674703627824783 I:0.03374645859003067 He:0.027990397065877914 :0.2142643928527832 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +far:0.08234849572181702 long:0.07458566874265671 the:0.06647490710020065 much:0.044785019010305405 :0.09180775284767151 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.11941451579332352 of:0.11820127069950104 a:0.07038287818431854 from:0.053818102926015854 :0.056071192026138306 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.20207582414150238 but:0.04039422422647476 the:0.03941715508699417 as:0.028897492215037346 :0.10259946435689926 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.18021340668201447 where:0.07625027000904083 which:0.04479236155748367 the:0.038442350924015045 :0.07188267260789871 +the:0.24162301421165466 in:0.037183333188295364 that:0.03197659179568291 his:0.026039015501737595 :0.10480276495218277 +and:0.06879421323537827 to:0.0316142812371254 for:0.0232597216963768 in:0.019062906503677368 :0.20996281504631042 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.021323584020137787 J.:0.014523251913487911 R:0.012426471337676048 Pierce's:0.011717194691300392 :0.5844763517379761 +of:0.2850199341773987 and:0.1340251863002777 was:0.03821563348174095 is:0.026878580451011658 :0.06617608666419983 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.1570880264043808 In:0.03440588712692261 It:0.03240331634879112 This:0.02526550181210041 :0.1639881432056427 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +and:0.16499446332454681 the:0.0360417477786541 which:0.0313553549349308 in:0.029534026980400085 :0.11835764348506927 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +in:0.11994978040456772 with:0.0972619503736496 at:0.08217722922563553 there:0.053365129977464676 :0.06452306360006332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +days:0.09363161027431488 miles:0.08395601063966751 feet:0.04577147960662842 years:0.04472131282091141 :0.17636635899543762 +and:0.032403528690338135 is:0.030112434178590775 in:0.023823020979762077 from:0.018939059227705002 :0.14471659064292908 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +The:0.16903257369995117 It:0.06987486034631729 In:0.048460666090250015 A:0.03535028547048569 :0.322869211435318 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +to:0.6539137363433838 for:0.07850605994462967 the:0.0639670118689537 as:0.012556752189993858 :0.03961769863963127 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +property:0.03509614244103432 and:0.027003737166523933 letter:0.011792234145104885 or:0.010764597915112972 :0.39134323596954346 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +wife,:0.03806032985448837 own:0.01155084278434515 wife:0.008610355667769909 head:0.008298894390463829 :0.44623953104019165 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +years:0.09030880779027939 years.:0.03497997671365738 or:0.032707538455724716 miles:0.03152722865343094 :0.18829458951950073 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +of:0.0924113318324089 by:0.048582032322883606 in:0.04480356723070145 the:0.04410794377326965 :0.12332148849964142 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +title:0.19275976717472076 and:0.1528601497411728 but:0.04728301614522934 title,:0.03329700604081154 :0.15519364178180695 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +to:0.5314395427703857 for:0.08456636965274811 in:0.022759361192584038 that:0.02161904238164425 :0.0869835615158081 +and:0.20207582414150238 but:0.04039422422647476 the:0.03941715508699417 as:0.028897492215037346 :0.10259946435689926 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +of:0.3490632474422455 is:0.053258154541254044 and:0.03738630563020706 in:0.024364950135350227 :0.044786106795072556 +the:0.19257186353206635 a:0.0943649411201477 their:0.062283653765916824 and:0.05342791974544525 :0.04761476442217827 +and:0.1673528552055359 to:0.04777076840400696 for:0.046909429132938385 in:0.03356381133198738 :0.21313755214214325 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.12302377820014954 in:0.027373718097805977 or:0.02606465481221676 clover:0.02404838241636753 :0.40710845589637756 +H.:0.029865626245737076 W:0.029710689559578896 J:0.025958722457289696 A.:0.024237588047981262 :0.3431944251060486 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.16545496881008148 No.:0.14860156178474426 thereof,:0.12555965781211853 and:0.046816177666187286 :0.1381252557039261 +at:0.09360859543085098 upon:0.05954157933592796 for:0.055093616247177124 after:0.05034773424267769 :0.0671803280711174 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.28668028116226196 in:0.17834334075450897 and:0.1265256404876709 to:0.10633302479982376 :0.03221917524933815 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09477955847978592 that:0.08037188649177551 and:0.07688559591770172 to:0.06605822592973709 :0.05200251191854477 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.14982052147388458 white:0.06260941177606583 as:0.031046833842992783 the:0.025789786130189896 :0.22403062880039215 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.5926404595375061 not:0.022749166935682297 to:0.020197303965687752 for:0.015150528401136398 :0.061020251363515854 +and:0.09773853421211243 at:0.0675353854894638 was:0.04708944261074066 in:0.039016228169202805 :0.06886442005634308 +the:0.291441947221756 a:0.056979503482580185 being:0.036617461591959 having:0.018131479620933533 :0.11171994358301163 +and:0.06529152393341064 the:0.061094723641872406 a:0.04687466099858284 that:0.03614767640829086 :0.04292780160903931 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +cast:0.25980350375175476 of:0.11196773499250412 for:0.05665931850671768 in:0.045529648661613464 :0.048512157052755356 +own:0.01782693900167942 present:0.004947799723595381 use:0.004796674009412527 first:0.004483058117330074 :0.3172162175178528 +The:0.07922094315290451 It:0.05539722368121147 There:0.03349330648779869 In:0.028340080752968788 :0.13440635800361633 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09455061703920364 a:0.046604424715042114 not:0.021972253918647766 to:0.0164028313010931 :0.2748549282550812 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +to:0.20086055994033813 with:0.1911458969116211 by:0.07437056303024292 that:0.053943417966365814 :0.045557014644145966 +and:0.03223418444395065 work:0.01410118117928505 condition:0.013804247602820396 quality:0.009746137075126171 :0.2671129107475281 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.09577763825654984 to:0.07065010070800781 in:0.04303362965583801 on:0.03335877135396004 :0.07131090015172958 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.13646440207958221 of:0.10186740756034851 in:0.07001083344221115 and:0.061304472386837006 :0.06401865184307098 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +years:0.058412518352270126 minutes:0.05346722528338432 hundred:0.04179952293634415 days:0.03675773739814758 :0.21952679753303528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +saving:0.04661627113819122 to:0.03584437444806099 secured,:0.023246746510267258 the:0.022375648841261864 :0.25682929158210754 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.11450767517089844 of:0.10144247859716415 a:0.04916811361908913 that:0.043568264693021774 :0.061654720455408096 +to:0.26231294870376587 a:0.10234266519546509 that:0.07856521755456924 the:0.06159612908959389 :0.0958789736032486 +and:0.18941567838191986 of:0.04778685420751572 was:0.040612876415252686 to:0.03261690214276314 :0.07756837457418442 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.11063654720783234 was:0.04769713431596756 a:0.04167806729674339 out:0.03678988292813301 :0.08246974647045135 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +plat:0.025938190519809723 and:0.02268047444522381 block:0.019579526036977768 the:0.016989750787615776 :0.3071267902851105 +of:0.09781263768672943 and:0.08809705078601837 to:0.04397909715771675 was:0.034664444625377655 :0.09702304005622864 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08118405193090439 in:0.07189717143774033 down:0.06152433529496193 on:0.03963175415992737 :0.10428255796432495 +and:0.13729344308376312 where:0.05509946867823601 from:0.0443192720413208 between:0.03655719384551048 :0.11178404837846756 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +United:0.008343824185431004 I:0.002980025950819254 great:0.0028407317586243153 old:0.0027299129869788885 :0.702862024307251 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.12642577290534973 a:0.07818086445331573 it:0.031472355127334595 tho:0.02824903093278408 :0.06750744581222534 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +of:0.08323541283607483 at:0.06200195476412773 and:0.05600987374782562 the:0.04563430696725845 :0.09079239517450333 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +family:0.04854286089539528 house:0.0395418256521225 death:0.038991931825876236 house,:0.016383912414312363 :0.24951183795928955 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +and:0.07474629580974579 for:0.07060924172401428 to:0.0675283893942833 in:0.05291742831468582 :0.04961325600743294 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.19290383160114288 a:0.05958263576030731 of:0.018984604626893997 tho:0.012406410649418831 :0.23910048604011536 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.20049536228179932 with:0.05960274487733841 the:0.05216982960700989 but:0.03487545624375343 :0.10998603701591492 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.24041050672531128 the:0.03555835038423538 but:0.031231019645929337 or:0.019917428493499756 :0.11559199541807175 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +the:0.10702851414680481 through:0.05794987455010414 a:0.05118286609649658 to:0.04084327444434166 :0.06051651015877724 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +and:0.1612965613603592 the:0.060566388070583344 at:0.03105173073709011 July:0.027896471321582794 :0.13981451094150543 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +from:0.15847383439540863 of:0.1562451869249344 to:0.15224140882492065 are:0.04601425677537918 :0.04152004420757294 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.26047274470329285 hundred:0.04292841628193855 and:0.032080382108688354 to:0.02657586894929409 :0.2745945155620575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.32097238302230835 a:0.043009787797927856 tho:0.03200298920273781 tbe:0.018227458000183105 :0.12824352085590363 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +The:0.08695514500141144 It:0.06864883750677109 In:0.03661588951945305 There:0.030792707577347755 :0.27520671486854553 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +for:0.11009637266397476 the:0.07510591298341751 with:0.049959782510995865 and:0.043683815747499466 :0.08350164443254471 +F.:0.07675160467624664 F:0.022493144497275352 &:0.014343161135911942 B.:0.012685698457062244 :0.5178675651550293 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.2593640089035034 but:0.07088246941566467 he:0.03399800881743431 the:0.028469225391745567 :0.11462385952472687 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.11894341558218002 the:0.05271647870540619 in:0.05132473260164261 of:0.04833630099892616 :0.12136393040418625 +property:0.03509614244103432 and:0.027003737166523933 letter:0.011792234145104885 or:0.010764597915112972 :0.39134323596954346 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.24068616330623627 and:0.09357999265193939 to:0.04059712588787079 are:0.030092528089880943 :0.06524176150560379 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.11101505160331726 to:0.08287861198186874 was:0.03932322934269905 stand:0.03757568076252937 :0.06947005540132523 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.07824710011482239 to:0.06095558777451515 and:0.05458080396056175 is:0.03414469212293625 :0.09532852470874786 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.11135748773813248 to:0.04325498640537262 has:0.03920317813754082 is:0.03724353015422821 :0.15237370133399963 +of:0.39978882670402527 to:0.0625610500574112 are:0.033703435212373734 were:0.028336646035313606 :0.03865347057580948 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.0983007401227951 It:0.06747208535671234 I:0.044539228081703186 He:0.03871781751513481 :0.16047008335590363 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +The:0.11739754676818848 It:0.08782797306776047 In:0.035553134977817535 A:0.033951546996831894 :0.18008588254451752 +end:0.11845062673091888 portion:0.06066595017910004 part:0.04796808585524559 and:0.03445880115032196 :0.265061616897583 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17355461418628693 attempt:0.02060416340827942 purpose:0.01962774246931076 aim:0.015716958791017532 :0.2336430549621582 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.08478115499019623 has:0.03518912196159363 River:0.02289927378296852 of:0.02175508812069893 :0.1333221197128296 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +titled:0.3082936406135559 tered:0.20122556388378143 tirely:0.06366593390703201 tire:0.056459084153175354 :0.20369310677051544 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +far:0.08234849572181702 long:0.07458566874265671 the:0.06647490710020065 much:0.044785019010305405 :0.09180775284767151 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +company,:0.05113108083605766 company:0.03615964204072952 and:0.03065473958849907 companies,:0.02444162592291832 :0.20467202365398407 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +of:0.45276856422424316 in:0.04326125606894493 men:0.03130936250090599 to:0.023781048133969307 :0.08304395526647568 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +by:0.0991608127951622 in:0.07434986531734467 to:0.06434772908687592 for:0.03621973469853401 :0.03778068721294403 +line:0.2885010838508606 direction:0.08099682629108429 along:0.06522531807422638 and:0.047384027391672134 :0.07068350911140442 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1002742350101471 and:0.07892675697803497 which:0.050615884363651276 to:0.0365682989358902 :0.08025022596120834 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +who:0.10279558598995209 and:0.050773702561855316 was:0.04837517812848091 in:0.04814588278532028 :0.07640182226896286 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +of:0.27139467000961304 and:0.06530467420816422 the:0.06473004072904587 gates:0.03843047097325325 :0.08117308467626572 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.41365906596183777 in:0.11899102479219437 the:0.05307525023818016 to:0.030597783625125885 :0.029694240540266037 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.16530536115169525 boon:0.07880041003227234 a:0.02594788931310177 not:0.024151669815182686 :0.12280842661857605 +of:0.1782074123620987 a:0.131612166762352 the:0.06333466619253159 an:0.039423391222953796 :0.11722748726606369 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +same:0.0076841507107019424 city:0.0066537922248244286 said:0.004600880201905966 property:0.004494376014918089 :0.32110363245010376 +and:0.07789116352796555 government:0.024498777464032173 or:0.0177069753408432 Government:0.012939983047544956 :0.31438958644866943 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +all:0.09476007521152496 every:0.06474842131137848 a:0.06200682371854782 as:0.031045453622937202 :0.24326759576797485 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3253692090511322 that:0.16657759249210358 and:0.05928375571966171 the:0.03865644335746765 :0.030338041484355927 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +end:0.11845062673091888 portion:0.06066595017910004 part:0.04796808585524559 and:0.03445880115032196 :0.265061616897583 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.185770183801651 payment:0.05077056959271431 and:0.0432809554040432 amount:0.019827356562018394 :0.16213443875312805 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10911130160093307 that:0.10495218634605408 a:0.08930405229330063 out:0.06238653138279915 :0.08064001798629761 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +J:0.019495274871587753 John:0.014689311385154724 James:0.01255825161933899 J.:0.011718624271452427 :0.6103368997573853 +of:0.44923681020736694 is:0.0854751393198967 was:0.04439901188015938 and:0.02887897565960884 :0.0484636090695858 +to:0.17283038794994354 up:0.11285191029310226 with:0.06260741502046585 the:0.04941394552588463 :0.07078508287668228 +of:0.17687125504016876 and:0.13895128667354584 to:0.06262810528278351 for:0.0372316874563694 :0.08025005459785461 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +from:0.13569322228431702 and:0.07242511957883835 of:0.05713644251227379 to:0.05011510103940964 :0.20563970506191254 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.18296602368354797 against:0.11305800080299377 and:0.08552327752113342 that:0.04955784231424332 :0.06488896161317825 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +and:0.14461597800254822 the:0.0451619029045105 when:0.040542058646678925 July:0.03823232278227806 :0.06111571192741394 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +and:0.15624742209911346 was:0.03961709886789322 of:0.023741405457258224 at:0.017265858128666878 :0.3003731966018677 +of:0.35093042254447937 at:0.15773972868919373 in:0.08068336546421051 here:0.03872590512037277 :0.026726968586444855 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.09070684760808945 industry:0.029204504564404488 is:0.02657950296998024 beets:0.02549043297767639 :0.21571357548236847 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +of:0.5170412659645081 and:0.056854765862226486 are:0.029208721593022346 for:0.02730204351246357 :0.049346040934324265 +of:0.38437420129776 that:0.060305725783109665 and:0.059692561626434326 to:0.03622876852750778 :0.05090373009443283 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.11067087203264236 from:0.09748264402151108 by:0.09601791203022003 the:0.09376165270805359 :0.08012084662914276 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.09825723618268967 a:0.06843812018632889 not:0.023277878761291504 to:0.017676884308457375 :0.1913129836320877 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.5059707760810852 the:0.06887146085500717 itself:0.018235718831419945 in:0.017416996881365776 :0.020914742723107338 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.05953359603881836 and:0.046049121767282486 for:0.01145935244858265 as:0.011032848618924618 :0.2858152389526367 +by:0.21881446242332458 February:0.1457977294921875 March:0.12737908959388733 July:0.105813167989254 :0.07833106815814972 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +by:0.11907604336738586 in:0.06248413026332855 to:0.05997363477945328 a:0.0352337546646595 :0.13497774302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +with:0.49423471093177795 in:0.05807714909315109 and:0.04763997346162796 by:0.022752732038497925 :0.029903126880526543 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.06540791690349579 opinion,:0.04491919279098511 way:0.013795469887554646 judgment,:0.011225231923162937 :0.26265642046928406 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.20466479659080505 the:0.05425630137324333 but:0.05063862353563309 when:0.018882116302847862 :0.0673842653632164 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +of:0.13176177442073822 and:0.09705605357885361 is:0.04593224450945854 in:0.03961748629808426 :0.05862429738044739 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.18127653002738953 before:0.07049638032913208 a:0.031264595687389374 what:0.028902577236294746 :0.08034498989582062 +and:0.15451791882514954 was:0.044965390115976334 of:0.040900010615587234 is:0.02674596756696701 :0.24162232875823975 +of:0.33905723690986633 in:0.0802650973200798 and:0.03659384697675705 is:0.03332223743200302 :0.03895736485719681 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +to:0.20287702977657318 for:0.17440657317638397 of:0.09176936000585556 the:0.0664663091301918 :0.061466656625270844 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.11175280064344406 It:0.0752628818154335 He:0.0535648949444294 I:0.0366315022110939 :0.09932701289653778 +by:0.16676723957061768 the:0.15794971585273743 to:0.15478497743606567 a:0.055872950702905655 :0.06975515186786652 +Col.:0.18575844168663025 William:0.024697281420230865 Col:0.01778525486588478 John:0.016972757875919342 :0.4120783507823944 +the:0.2005920708179474 and:0.04331935942173004 of:0.03526621311903 a:0.01947622559964657 :0.08998417109251022 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +business:0.05413418635725975 and:0.02707633748650551 purpose,:0.014529514126479626 way:0.013021259568631649 :0.12199477851390839 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.2399183213710785 to:0.046856723725795746 and:0.042507417500019073 in:0.02296089194715023 :0.09901734441518784 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23532575368881226 by:0.06446529924869537 her:0.048138782382011414 his:0.0248404573649168 :0.0818464532494545 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +e:0.018974129110574722 nearest:0.011582906357944012 Peace:0.009849470108747482 the:0.007685049902647734 :0.24586685001850128 +.:0.3358837366104126 .,:0.008899536915123463 and:0.008838549256324768 street:0.008602096699178219 :0.35505804419517517 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +of:0.3009198009967804 that:0.12671631574630737 to:0.03290852904319763 was:0.027390817180275917 :0.05954383313655853 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +of:0.2357872575521469 that:0.174724280834198 is:0.04434935748577118 in:0.040866751223802567 :0.03846961632370949 +time:0.14122091233730316 distance:0.1244429349899292 of:0.07592078298330307 time.:0.04901304468512535 :0.14211395382881165 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +deceased,:0.11588793992996216 of:0.037239208817481995 who:0.027933694422245026 and:0.02369205467402935 :0.23827262222766876 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +30,:0.06771808862686157 20.:0.02974732220172882 17,:0.024050965905189514 and:0.020513959228992462 :0.30805617570877075 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +that:0.14639398455619812 the:0.06060138717293739 what:0.04207518696784973 nothing:0.04076124727725983 :0.048992861062288284 +and:0.09136215597391129 grocery:0.03217840939760208 price:0.019877180457115173 trade:0.017011582851409912 :0.41005194187164307 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.058224618434906006 a:0.012747435830533504 of:0.008363865315914154 all:0.008096346631646156 :0.31952327489852905 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +has:0.0630265474319458 and:0.05439981073141098 of:0.05134031921625137 to:0.05008210614323616 :0.05919277295470238 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.5254212021827698 and:0.055051565170288086 that:0.03047429397702217 in:0.028996167704463005 :0.05747218430042267 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.11860495805740356 of:0.0983038991689682 evening,:0.09313321858644485 night:0.04542793706059456 :0.08421643078327179 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +tle:0.31767499446868896 tered:0.020754609256982803 tery:0.018137717619538307 ter:0.008831280283629894 :0.528377115726471 +and:0.20065109431743622 but:0.061344947665929794 the:0.0455661341547966 or:0.03063771314918995 :0.0427464134991169 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +The:0.08428271859884262 It:0.05516805499792099 I:0.04419698938727379 and:0.0326843224465847 :0.1519244760274887 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.11294512450695038 girls.:0.08598661422729492 garden,:0.0539453960955143 and:0.03831864520907402 :0.16645455360412598 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4532991051673889 to:0.05839710310101509 and:0.03689073771238327 that:0.02460499107837677 :0.04518768563866615 +than:0.18841728568077087 or:0.025588924065232277 of:0.012041565030813217 for:0.009459752589464188 :0.10441355407238007 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +to:0.08523134142160416 on:0.0717603862285614 in:0.06027161329984665 into:0.05433497950434685 :0.13848787546157837 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.16544756293296814 in:0.039405081421136856 interested:0.03116520680487156 and:0.03057965822517872 :0.08606355637311935 +of:0.16808442771434784 and:0.0786469429731369 in:0.03301539644598961 to:0.022379668429493904 :0.12605100870132446 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12771736085414886 I:0.03062373772263527 they:0.028404124081134796 he:0.022440044209361076 :0.1798340231180191 +the:0.14561747014522552 a:0.058330174535512924 any:0.03145112469792366 it.:0.019229013472795486 :0.09427683055400848 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12457924336194992 a:0.08013800531625748 it:0.07075635343790054 on:0.060120854526758194 :0.04655905067920685 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +The:0.18102505803108215 He:0.05323924124240875 There:0.027460977435112 Mr.:0.024199387058615685 :0.22847862541675568 +of:0.3019457161426544 was:0.04862896725535393 is:0.04426603019237518 that:0.032535258680582047 :0.04322110861539841 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.11397213488817215 in:0.07485371083021164 of:0.05686844885349274 to:0.05012667551636696 :0.04440278559923172 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.17851105332374573 of:0.10413738340139389 as:0.06716577708721161 for:0.05542078614234924 :0.05983980745077133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Roosevelt:0.21085724234580994 and:0.1879422664642334 A.:0.01612432673573494 F.:0.007560383062809706 :0.3843848407268524 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.07566162943840027 him:0.04046950489282608 him.:0.03643028438091278 them:0.023175133392214775 :0.13120363652706146 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +The:0.08511736989021301 and:0.03742590174078941 the:0.03137069195508957 at:0.0298033207654953 :0.12105470895767212 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +earned:0.043035175651311874 and:0.04223497211933136 well:0.03213343024253845 active:0.029773173853754997 :0.2034434974193573 +of:0.23272022604942322 for:0.1125580444931984 to:0.07610684633255005 and:0.04020889475941658 :0.03912656754255295 +of:0.3687405586242676 to:0.09430359303951263 and:0.09347169101238251 for:0.05733482539653778 :0.038448918610811234 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +of:0.41319942474365234 to:0.039176732301712036 between:0.031080037355422974 and:0.02596079185605049 :0.08822212368249893 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1876269429922104 and:0.09256047755479813 in:0.09007557481527328 on:0.03824436664581299 :0.05123744532465935 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.13729344308376312 where:0.05509946867823601 from:0.0443192720413208 between:0.03655719384551048 :0.11178404837846756 +that:0.19054672122001648 the:0.19019395112991333 a:0.08115316927433014 how:0.025958364829421043 :0.053172916173934937 +thence:0.6810975670814514 and:0.030750662088394165 the:0.019240399822592735 a:0.014209417626261711 :0.07548137754201889 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.3038409948348999 a:0.07652240246534348 that:0.04824725165963173 the:0.040358077734708786 :0.0676407739520073 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09505952894687653 and:0.08064543455839157 not:0.03550472855567932 consideration:0.03070315532386303 :0.27339690923690796 +the:0.16137902438640594 there:0.04871930181980133 it:0.03720589727163315 I:0.027969831600785255 :0.04255622625350952 +The:0.0995076522231102 21.:0.04164623096585274 A:0.026437480002641678 Inclusive,:0.025230571627616882 :0.32649993896484375 +to:0.26231294870376587 a:0.10234266519546509 that:0.07856521755456924 the:0.06159612908959389 :0.0958789736032486 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +to:0.10214533656835556 than:0.04151525720953941 in:0.033229488879442215 and:0.03292137384414673 :0.10708492249250412 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.05646935850381851 one:0.04287346825003624 two:0.04253881052136421 of:0.03127557039260864 :0.1460990607738495 +and:0.06232137605547905 for:0.04838910698890686 in:0.025136183947324753 the:0.024379556998610497 :0.05717415362596512 +and:0.17651869356632233 who:0.05529073625802994 the:0.03755011036992073 to:0.02507074736058712 :0.1064569279551506 +and:0.13747546076774597 who:0.0778050422668457 the:0.0370086245238781 but:0.024101005867123604 :0.06974043697118759 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1180802658200264 was:0.037358272820711136 of:0.034137122333049774 in:0.032566044479608536 :0.07585915178060532 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.07842856645584106 was:0.06096279248595238 ia:0.05784684047102928 ls:0.0511045828461647 :0.1929728239774704 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.19325214624404907 to:0.18138541281223297 in:0.17061357200145721 In:0.04265953227877617 :0.04213785380125046 +of:0.1876269429922104 and:0.09256047755479813 in:0.09007557481527328 on:0.03824436664581299 :0.05123744532465935 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +to:0.4321983754634857 of:0.14021620154380798 paid:0.020468436181545258 and:0.018637513741850853 :0.05620291456580162 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.3096974790096283 W:0.02653813734650612 A:0.01755259558558464 M:0.01583448424935341 :0.19283215701580048 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.20714281499385834 the:0.10119394212961197 in:0.07807199656963348 In:0.03633604943752289 :0.07043285667896271 +of:0.04817410930991173 to:0.03243009373545647 in:0.028775952756404877 the:0.02446267381310463 :0.2322477102279663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.35115447640419006 or:0.10593227297067642 and:0.03195223584771156 No.:0.023218408226966858 :0.049758151173591614 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +ceived:0.01453169621527195 the:0.012149110436439514 ported:0.012097148224711418 -:0.010624353773891926 :0.4510902166366577 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14673560857772827 a:0.12239033728837967 to:0.05729471892118454 him:0.038978058844804764 :0.0873217061161995 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6446549296379089 at:0.06465589255094528 of:0.05512329936027527 have:0.01978427916765213 :0.017057277262210846 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +companies,:0.10449700802564621 company:0.08610736578702927 companies:0.047300711274147034 and:0.042509280145168304 :0.14522430300712585 +of:0.33905723690986633 in:0.0802650973200798 and:0.03659384697675705 is:0.03332223743200302 :0.03895736485719681 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.10797387361526489 a:0.059183456003665924 of:0.055931609123945236 that:0.025216074660420418 :0.12563656270503998 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +been:0.10048352926969528 to:0.020899498835206032 made:0.01938718557357788 in:0.01212758757174015 :0.363847941160202 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.11667025089263916 to:0.030963176861405373 Railroad:0.02256852015852928 in:0.02191370353102684 :0.2584002912044525 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.3766259551048279 the:0.12705788016319275 to:0.08159763365983963 by:0.07108267396688461 :0.03515426069498062 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.3409396708011627 in:0.0627308040857315 or:0.059032704681158066 and:0.051078978925943375 :0.05861913040280342 +to:0.20040491223335266 in:0.0876980870962143 out:0.060529015958309174 the:0.03358886390924454 :0.06385187059640884 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +that:0.27979809045791626 the:0.09959445148706436 a:0.07864347100257874 in:0.07521892338991165 :0.03413166105747223 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.26836174726486206 what:0.09948650747537613 the:0.08948124945163727 whether:0.03065776638686657 :0.0371977873146534 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +black:0.013473653234541416 sums:0.012349854223430157 pile:0.008313196711242199 wooden:0.007269115652889013 :0.4009220004081726 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.24616742134094238 that:0.04302751645445824 the:0.03742554411292076 for:0.034687720239162445 :0.17684723436832428 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.27148309350013733 the:0.06404872238636017 which:0.04597269743680954 but:0.0319942943751812 :0.043790921568870544 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.2503759562969208 that:0.03963794186711311 and:0.03949297219514847 in:0.031610142439603806 :0.0781826302409172 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.24750886857509613 are:0.0226721353828907 the:0.021279282867908478 or:0.021273622289299965 :0.02987087145447731 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18463492393493652 when:0.06131114065647125 but:0.04978733882308006 the:0.03909014165401459 :0.05316593125462532 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +of:0.2570328116416931 and:0.1484163999557495 that:0.06512665003538132 at:0.029475999996066093 :0.04955493286252022 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.40554332733154297 or:0.12569618225097656 and:0.06314132362604141 in:0.02511419542133808 :0.02906537428498268 +the:0.1869860142469406 a:0.12260398268699646 soon:0.0642012506723404 to:0.054645996540784836 :0.07970233261585236 +the:0.5522398948669434 tho:0.043908875435590744 a:0.03137049078941345 said:0.01975037343800068 :0.05741069093346596 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +The:0.16951656341552734 A:0.10712627321481705 We:0.03754841908812523 This:0.027021635323762894 :0.07724910229444504 +with:0.3611232340335846 by:0.11281265318393707 the:0.10226799547672272 and:0.0343034453690052 :0.06475558131933212 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.3096974790096283 W:0.02653813734650612 A:0.01755259558558464 M:0.01583448424935341 :0.19283215701580048 +by:0.14316676557064056 in:0.1388709396123886 a:0.054888758808374405 the:0.05246387794613838 :0.05004557594656944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.18850286304950714 and:0.12233567237854004 was:0.0363374724984169 in:0.03213268518447876 :0.0614018552005291 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14123660326004028 in:0.047311585396528244 and:0.04472605139017105 to:0.03135654702782631 :0.09961788356304169 +for:0.07959744334220886 the:0.07682821899652481 upon:0.0583014152944088 on:0.04290546476840973 :0.09792632609605789 +in:0.4008534848690033 the:0.0656803697347641 a:0.06527581810951233 In:0.047727786004543304 :0.07762189209461212 +that:0.31131303310394287 of:0.2558899223804474 is:0.06364290416240692 was:0.04489228501915932 :0.028866996988654137 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +at:0.10845139622688293 and:0.08148583024740219 of:0.06212783604860306 in:0.05810808762907982 :0.06382506340742111 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +tempt:0.26817888021469116 tended:0.14650827646255493 tempted:0.12002959102392197 torney:0.027527539059519768 :0.2510586678981781 +to:0.3687913417816162 by:0.3430377244949341 in:0.034887149930000305 the:0.021297654137015343 :0.022159885615110397 +in:0.17421357333660126 men:0.14320561289787292 men.:0.0729961022734642 the:0.038263365626335144 :0.05629700794816017 +the:0.1221117302775383 be:0.07598964124917984 a:0.05226639658212662 have:0.022279730066657066 :0.20233798027038574 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +What:0.08286402374505997 Why:0.05457953363656998 It:0.04425280913710594 The:0.036063484847545624 :0.2016352266073227 +in:0.08638985455036163 of:0.08304696530103683 to:0.07424826174974442 and:0.06898900121450424 :0.10055810958147049 +and:0.20719869434833527 but:0.0752921774983406 the:0.041484616696834564 that:0.035777974873781204 :0.06512481719255447 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +the:0.18991096317768097 a:0.07370725274085999 tho:0.01514104288071394 his:0.013099993579089642 :0.21051880717277527 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.17487120628356934 and:0.10368288308382034 rolls:0.09960278868675232 for:0.03002297319471836 :0.06332632899284363 +and:0.21755358576774597 costs:0.028632614761590958 as:0.026112431660294533 attorney's:0.025381185114383698 :0.06175968423485756 +is:0.09926606714725494 quiet;:0.04835837334394455 was:0.0478803887963295 in:0.044196050614118576 :0.1293986588716507 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.29113882780075073 in:0.20149622857570648 with:0.07576645165681839 her:0.03096199221909046 :0.06452371925115585 +and:0.33155113458633423 but:0.04330816492438316 the:0.0391184464097023 as:0.02888127788901329 :0.07462847232818604 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +wife:0.014394868165254593 name:0.01321286242455244 first:0.012603298760950565 father,:0.010865313932299614 :0.28542545437812805 +containing:0.12850219011306763 and:0.09941563755273819 being:0.0673842653632164 excepting:0.03590798377990723 :0.15109308063983917 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +(6):0.30905529856681824 years:0.038322433829307556 weeks:0.033302173018455505 or:0.02973254583775997 :0.13998039066791534 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +than:0.2399183213710785 to:0.046856723725795746 and:0.042507417500019073 in:0.02296089194715023 :0.09901734441518784 +on:0.4210287928581238 upon:0.25348958373069763 the:0.03229357302188873 his:0.015016094781458378 :0.04969187080860138 +R:0.02253367193043232 L.:0.021686268970370293 D.:0.020639905706048012 H.:0.018832877278327942 :0.40095043182373047 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +and:0.13796021044254303 was:0.08233676105737686 of:0.06278137862682343 house:0.03703649342060089 :0.14204229414463043 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +party:0.4173198342323303 party.:0.04050274193286896 party,:0.036084484308958054 ticket.:0.017070336267352104 :0.0838497057557106 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +the:0.39590105414390564 them:0.04045192152261734 other:0.03521588072180748 those:0.034263964742422104 :0.07374279201030731 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +on:0.4711886942386627 thereon:0.038818273693323135 the:0.035980451852083206 upon:0.025709129869937897 :0.09456156939268112 +the:0.1009204238653183 their:0.09063784033060074 his:0.06446801871061325 a:0.06178642064332962 :0.11952865123748779 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +feet:0.0207718126475811 and:0.020320864394307137 of:0.019349267706274986 to:0.017441773787140846 :0.5108557939529419 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.11673231422901154 in:0.040224652737379074 to:0.036895059049129486 by:0.03324856981635094 :0.11993439495563507 +and:0.15073005855083466 but:0.03965527191758156 the:0.034524787217378616 or:0.024838365614414215 :0.1299806833267212 +of:0.20252905786037445 and:0.04992268979549408 by:0.04861953854560852 was:0.0469217412173748 :0.11540182679891586 +and:0.25670790672302246 but:0.05582808330655098 the:0.03929920494556427 as:0.027723554521799088 :0.07659696042537689 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.2935628294944763 to:0.2627946734428406 and:0.04114155471324921 is:0.03712431713938713 :0.035789988934993744 +that:0.5187309980392456 of:0.042454902082681656 is:0.02942841500043869 the:0.01721104420721531 :0.025107886642217636 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.1016489788889885 by:0.08175931125879288 the:0.0563754141330719 in:0.055914826691150665 :0.06163229048252106 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.11860742419958115 the:0.10143985599279404 a:0.06425660848617554 him:0.05104483291506767 :0.10769205540418625 +a:0.15694190561771393 the:0.0421987846493721 an:0.02078096568584442 white:0.018026480451226234 :0.20496390759944916 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.1836037039756775 who:0.11964783072471619 but:0.04051337391138077 the:0.02676192857325077 :0.0831252709031105 +that:0.30891019105911255 and:0.15902942419052124 the:0.030376635491847992 to:0.028346586972475052 :0.0514853298664093 +and:0.17594267427921295 the:0.028331466019153595 but:0.027288971468806267 pure,:0.020219894126057625 :0.10383706539869308 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.04382060468196869 water:0.0364154651761055 the:0.03504848852753639 rate:0.03201719745993614 :0.17899149656295776 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.5314395427703857 for:0.08456636965274811 in:0.022759361192584038 that:0.02161904238164425 :0.0869835615158081 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +3,:0.07069181650876999 1,:0.0407901331782341 31,:0.020150255411863327 17,:0.018136510625481606 :0.2663293778896332 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +than:0.1457812786102295 part:0.10603775829076767 portion:0.0368647426366806 value:0.01722504198551178 :0.140017569065094 +of:0.2797817885875702 to:0.06891583651304245 and:0.03941589593887329 in:0.036626409739255905 :0.04904935881495476 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.11769083142280579 of:0.07739902287721634 in:0.0427783839404583 is:0.033767178654670715 :0.10977829992771149 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +to:0.18009917438030243 of:0.09051534533500671 that:0.08990684151649475 is:0.044678326696157455 :0.0441054105758667 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +to:0.6676996350288391 the:0.03688574582338333 at:0.01861940324306488 a:0.017663786187767982 :0.058274488896131516 +after:0.12800534069538116 of:0.11116679012775421 from:0.05746030434966087 and:0.03951564058661461 :0.07066773623228073 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +Block:0.3544326424598694 the:0.033098991960287094 achievements:0.014495444484055042 of:0.011249898932874203 :0.23483896255493164 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +Jury:0.24679453670978546 Army:0.08807168900966644 Lodge:0.03408301994204521 Rapids:0.02853899635374546 :0.3567410409450531 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +.:0.20409946143627167 .,:0.016672631725668907 of:0.014604543335735798 .;:0.013032408431172371 :0.26543259620666504 +of:0.20345045626163483 the:0.1744745522737503 on:0.04783674329519272 and:0.040109746158123016 :0.027897361665964127 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.09380178153514862 a:0.06558122485876083 up:0.04705480858683586 out:0.04277540370821953 :0.09454343467950821 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +the:0.03536221385002136 decided:0.021549923345446587 to:0.019396493211388588 came:0.018536951392889023 :0.20570091903209686 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.09674637764692307 to:0.09673050791025162 and:0.05586252361536026 with:0.050870027393102646 :0.0816340446472168 +.:0.11505933851003647 to:0.010342051275074482 of:0.010333149693906307 by:0.009351239539682865 :0.38571807742118835 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.41319942474365234 to:0.039176732301712036 between:0.031080037355422974 and:0.02596079185605049 :0.08822212368249893 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.7390528917312622 that:0.05615941062569618 ot:0.01167134940624237 which:0.010590851306915283 :0.013257788494229317 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +The:0.140273779630661 A:0.050597961992025375 He:0.050248611718416214 It:0.0469035878777504 :0.10249757021665573 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.4460037350654602 from:0.05692543834447861 was:0.05220111086964607 for:0.045316923409700394 :0.03995899111032486 +the:0.39058148860931396 into:0.11346857994794846 upon:0.07018238306045532 a:0.044890277087688446 :0.07249291241168976 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.03879055008292198 news:0.013062180951237679 development:0.010815995745360851 of:0.010300252586603165 :0.30630841851234436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +life,:0.047283273190259933 life.:0.030832523480057716 life:0.023259440436959267 friendship:0.009122106246650219 :0.22794808447360992 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.1580241620540619 to:0.1354961395263672 is:0.04379037767648697 and:0.039402492344379425 :0.04376276209950447 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.006816031411290169 course:0.005833181086927652 of:0.005389735568314791 said:0.0043105073273181915 :0.6487536430358887 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.07639866322278976 been:0.03924648091197014 it:0.0364374965429306 to:0.03002636507153511 :0.1385616660118103 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.009270508773624897 first:0.008288332261145115 city:0.0082192188128829 State:0.006314002443104982 :0.24173863232135773 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.10983812808990479 than:0.04975271597504616 to:0.03491605445742607 in:0.03231868892908096 :0.15556126832962036 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3890458643436432 and:0.04123804345726967 are:0.027268264442682266 in:0.020950645208358765 :0.03761357069015503 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +to:0.5429104566574097 only:0.04884719476103783 for:0.042300235480070114 with:0.037627365440130234 :0.039187606424093246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.1660001277923584 where:0.03230723738670349 who:0.021861599758267403 the:0.02156812697649002 :0.15449115633964539 +and:0.15881197154521942 the:0.03482971712946892 of:0.03366472199559212 to:0.030038464814424515 :0.1346059888601303 +of:0.1818741261959076 line:0.0685693621635437 side:0.04635009169578552 by:0.031548671424388885 :0.1592702567577362 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +to:0.19294968247413635 report:0.056840091943740845 for:0.029589764773845673 conditions.:0.027049168944358826 :0.08589857071638107 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +canal:0.46455201506614685 Canal:0.061493951827287674 and:0.04257892072200775 to:0.020142745226621628 :0.0698465034365654 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.2842813730239868 but:0.04744882881641388 as:0.030326033011078835 the:0.028760837391018867 :0.07724110037088394 +of:0.37073129415512085 and:0.13721990585327148 or:0.07777263224124908 to:0.021720973774790764 :0.02672710083425045 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.20341558754444122 It:0.04587961733341217 A:0.03770894184708595 In:0.027545839548110962 :0.09465578198432922 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +fect:0.14023752510547638 sonal:0.12125057727098465 sons:0.1078980416059494 son:0.05591317266225815 :0.3447732627391815 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.1628391444683075 shall:0.10659085214138031 the:0.06295593827962875 or:0.031410735100507736 :0.054167162626981735 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.111759714782238 that:0.0474402941763401 and:0.0248101856559515 in:0.020926568657159805 :0.22185444831848145 +wife:0.014394868165254593 name:0.01321286242455244 first:0.012603298760950565 father,:0.010865313932299614 :0.28542545437812805 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +tempt:0.12840934097766876 tack:0.10728757083415985 tention:0.06053931266069412 tached:0.036700934171676636 :0.39972755312919617 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.053673818707466125 division:0.037674661725759506 distribution:0.03582749515771866 basis,:0.030016697943210602 :0.09536579996347427 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +of:0.2976487874984741 and:0.04342203587293625 has:0.04079606756567955 for:0.03363819420337677 :0.07026264071464539 +tirely:0.10489383339881897 tered:0.052889350801706314 listed:0.018322573974728584 titled:0.01761534810066223 :0.6332118511199951 +of:0.29525572061538696 a:0.05242224037647247 men:0.020975356921553612 times:0.019468998536467552 :0.13482315838336945 +to:0.18220007419586182 and:0.0836477056145668 of:0.07062774151563644 on:0.032629795372486115 :0.10538552701473236 +of:0.21118611097335815 and:0.06481857597827911 was:0.05894862115383148 is:0.034388430416584015 :0.08949630707502365 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +the:0.020641852170228958 of:0.016391921788454056 id:0.014310581609606743 is:0.013600301928818226 :0.3194246292114258 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +er:0.1863856166601181 ers:0.1279193013906479 der:0.04084596782922745 er.:0.025703851133584976 :0.44670966267585754 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +The:0.15652328729629517 It:0.05870451405644417 In:0.029265373945236206 A:0.02634536847472191 :0.3012031316757202 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1739199161529541 a:0.09605388343334198 instance,:0.042920976877212524 some:0.038040824234485626 :0.16913321614265442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +o'clock:0.11273703724145889 .:0.07824217528104782 a.:0.05199563875794411 to:0.03977152332663536 :0.2557852268218994 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0614691786468029 day:0.030321747064590454 to:0.02443755604326725 of:0.02218691073358059 :0.14062051475048065 +Britain:0.32415613532066345 Britain,:0.13465729355812073 Northern:0.09313865751028061 Falls:0.02164001390337944 :0.2533065378665924 +and:0.23233671486377716 but:0.04455634951591492 the:0.033201541751623154 which:0.03195098787546158 :0.09352946281433105 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.11894341558218002 the:0.05271647870540619 in:0.05132473260164261 of:0.04833630099892616 :0.12136393040418625 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +hich:0.05398387461900711 ill:0.04396161064505577 ith:0.042024582624435425 hole:0.02534019760787487 :0.40585923194885254 +the:0.3007964491844177 he:0.03725122660398483 been:0.031567733734846115 I:0.028310442343354225 :0.12573853135108948 +and:0.04952874779701233 Tribune.:0.042914196848869324 Evening:0.031711217015981674 City:0.030195780098438263 :0.14799568057060242 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +times,:0.03456950560212135 civilization.:0.02349027618765831 times:0.022229384630918503 and:0.021695274859666824 :0.2684680223464966 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +country:0.018120158463716507 State:0.009129955433309078 ir:0.0068819355219602585 city:0.006429986096918583 :0.25993457436561584 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.24812021851539612 the:0.05450223386287689 in:0.04804331064224243 until:0.03260260820388794 :0.13935960829257965 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.0779913067817688 Railroad:0.049261901527643204 Pacific:0.024309007450938225 America:0.02188855968415737 :0.31381380558013916 +of:0.09477955847978592 that:0.08037188649177551 and:0.07688559591770172 to:0.06605822592973709 :0.05200251191854477 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +e:0.018974129110574722 nearest:0.011582906357944012 Peace:0.009849470108747482 the:0.007685049902647734 :0.24586685001850128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.07727017253637314 who:0.07387272268533707 and:0.035275571048259735 boy.:0.023846328258514404 :0.2485901564359665 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.014127541333436966 of:0.008487489074468613 f:0.007799934595823288 a:0.007267579436302185 :0.49434882402420044 +of:0.3013313114643097 a:0.1078534871339798 and:0.07149175554513931 the:0.06334428489208221 :0.042909760028123856 +practical:0.09004465490579605 and:0.04109569638967514 simple:0.02350435219705105 but:0.016380757093429565 :0.15734362602233887 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +cents:0.11410975456237793 @:0.06655600666999817 per:0.05859772488474846 links:0.05640998110175133 :0.177606463432312 +erty:0.3308331370353699 of:0.027430858463048935 er:0.022336656227707863 erly:0.020594198256731033 :0.3127683103084564 +of:0.17210088670253754 and:0.06380151212215424 line:0.058019112795591354 side:0.04116690531373024 :0.22519731521606445 +John:0.02419145032763481 J:0.021196261048316956 William:0.019821150228381157 W.:0.018852848559617996 :0.3762859106063843 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +have:0.11527321487665176 are:0.08963773399591446 were:0.033906977623701096 had:0.030312171205878258 :0.07480411976575851 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.05964088812470436 and:0.045255862176418304 at:0.024449214339256287 in:0.017994962632656097 :0.14661075174808502 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.22808009386062622 the:0.09873303025960922 that:0.05050892010331154 but:0.04977811500430107 :0.05485944822430611 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +the:0.14605014026165009 in:0.03161993250250816 demand:0.027149923145771027 their:0.01705181784927845 :0.14335262775421143 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.06554748862981796 a:0.026709839701652527 and:0.02089708484709263 he:0.020840751007199287 :0.16905248165130615 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +Jury:0.24679453670978546 Army:0.08807168900966644 Lodge:0.03408301994204521 Rapids:0.02853899635374546 :0.3567410409450531 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1548973023891449 a:0.09206899255514145 up:0.041059792041778564 care:0.02844158187508583 :0.07705828547477722 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +box:0.12178461253643036 box.:0.06117364764213562 box,:0.05447467043995857 and:0.0440080352127552 :0.060888536274433136 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +line:0.3929521143436432 of:0.31345731019973755 and:0.02135155349969864 to:0.011479653418064117 :0.08694513142108917 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +own:0.011140044778585434 the:0.007150573655962944 way:0.004792644176632166 only:0.0046867686323821545 :0.5309194922447205 +to:0.07398047298192978 and:0.04038139432668686 time:0.01442310307174921 for:0.01279502734541893 :0.22438322007656097 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +most:0.012701660394668579 said:0.009565268643200397 only:0.007643308490514755 other:0.007584684994071722 :0.4148275852203369 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.35102373361587524 to:0.29565533995628357 of,:0.1351604163646698 of.:0.06834432482719421 :0.018388643860816956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3385521173477173 and:0.11785651743412018 the:0.0364646278321743 or:0.029197419062256813 :0.029881663620471954 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +ducted:0.0815572440624237 sidered:0.04317240044474602 ditions:0.035285841673612595 struction:0.028134940192103386 :0.49045586585998535 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +and:0.13729344308376312 where:0.05509946867823601 from:0.0443192720413208 between:0.03655719384551048 :0.11178404837846756 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.5170412659645081 and:0.056854765862226486 are:0.029208721593022346 for:0.02730204351246357 :0.049346040934324265 +Assembly:0.06292631477117538 of:0.03374562785029411 and:0.016197901219129562 Manager:0.009145837277173996 :0.5189526081085205 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +J.:0.06681561470031738 J:0.04758748412132263 Mr.:0.03695119917392731 C.:0.036250051110982895 :0.09293686598539352 +rounded:0.1322963982820511 prise:0.11027023941278458 face:0.07229409366846085 rounds:0.05046435445547104 :0.4555143713951111 +.:0.42191123962402344 he:0.034672223031520844 hat:0.011714957654476166 A:0.010102272033691406 :0.20430605113506317 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +is:0.1475970447063446 was:0.07713272422552109 will:0.020905759185552597 Is:0.0207787174731493 :0.11838856339454651 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +feet:0.10028515756130219 to:0.0429660826921463 acres:0.036395199596881866 miles:0.025240590795874596 :0.38500869274139404 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.24516183137893677 and:0.08641283214092255 are:0.05880246311426163 who:0.04255644232034683 :0.04200340434908867 +of:0.23896150290966034 and:0.2042759507894516 that:0.08177410811185837 to:0.036654356867074966 :0.039748676121234894 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +of:0.33579912781715393 and:0.050027310848236084 are:0.045584458857774734 to:0.03286348283290863 :0.039245735853910446 +to:0.7259751558303833 and:0.024211324751377106 in:0.0083204610273242 for:0.007144064176827669 :0.07506390661001205 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +up:0.053870923817157745 down:0.029887747019529343 and:0.02857086807489395 the:0.026167018339037895 :0.12655070424079895 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.0734478011727333 to:0.016238629817962646 a:0.0161173976957798 in:0.011909184977412224 :0.2722502648830414 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +the:0.6296658515930176 his:0.028910508379340172 a:0.02551466040313244 up:0.01796262152493 :0.07948582619428635 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +of:0.22690917551517487 and:0.05000545457005501 was:0.04870060458779335 rate:0.04090990126132965 :0.0954875573515892 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.16242030262947083 which:0.04548344761133194 the:0.044473398476839066 but:0.01792161725461483 :0.11434434354305267 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +with:0.13425487279891968 of:0.08592815697193146 about:0.07830379158258438 to:0.05401892587542534 :0.07292412221431732 +are:0.06593484431505203 who:0.05516672879457474 to:0.050434213131666183 in:0.04937088489532471 :0.05878224968910217 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.4893469214439392 to:0.05837736651301384 due:0.019834989681839943 claimed:0.015283402055501938 :0.03784896060824394 +October:0.16590572893619537 the:0.16336195170879364 March:0.09748082607984543 April:0.04959063604474068 :0.15299469232559204 +The:0.13203150033950806 He:0.0801803395152092 It:0.040038857609033585 Mr.:0.024268021807074547 :0.18454699218273163 +Jury:0.24679453670978546 Army:0.08807168900966644 Lodge:0.03408301994204521 Rapids:0.02853899635374546 :0.3567410409450531 +of:0.5926404595375061 not:0.022749166935682297 to:0.020197303965687752 for:0.015150528401136398 :0.061020251363515854 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +pared:0.18265977501869202 sent:0.097044937312603 sented:0.03352852538228035 serve:0.02346774749457836 :0.45807066559791565 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +of:0.12791556119918823 which:0.04384637624025345 and:0.03918766975402832 are:0.037502363324165344 :0.046382009983062744 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +of:0.5174480676651001 a:0.07281403988599777 and:0.06122878938913345 the:0.034510932862758636 :0.03077658638358116 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.06507421284914017 a:0.015359087847173214 that:0.014389597810804844 to:0.012776696123182774 :0.29931336641311646 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.25306496024131775 but:0.0393102765083313 the:0.028226494789123535 he:0.019270073622465134 :0.07624730467796326 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +of:0.2170351892709732 was:0.07154311239719391 and:0.06974352896213531 is:0.04035491123795509 :0.06983284652233124 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.11809886246919632 and:0.07942446321249008 in:0.037629708647727966 to:0.03422798216342926 :0.12618830800056458 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +to:0.13447177410125732 and:0.09580687433481216 the:0.08887651562690735 for:0.03164676949381828 :0.139579638838768 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +quarter:0.32178330421447754 corner:0.11855116486549377 of:0.08092529326677322 quarter,:0.041120495647192 :0.10729234665632248 +and:0.13133156299591064 in:0.014826327562332153 the:0.01377966906875372 lumber:0.011986041441559792 :0.4058404266834259 +THE:0.08502738922834396 SALE:0.025953635573387146 A:0.008175923489034176 .:0.00394437275826931 :0.8082876205444336 +into:0.29467347264289856 among:0.09204889088869095 between:0.07345835119485855 Into:0.058382418006658554 :0.041094083338975906 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.1951349377632141 as:0.08785096555948257 an:0.028074918314814568 so:0.013203891925513744 :0.21036429703235626 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.09448325634002686 It:0.0823260247707367 He:0.05709860473871231 There:0.030149729922413826 :0.12218532711267471 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.08993645757436752 is:0.035617947578430176 was:0.03439152613282204 will:0.027835387736558914 :0.2711966335773468 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +to:0.3611876964569092 by:0.20745499432086945 in:0.052786894142627716 that:0.04884106293320656 :0.025711780413985252 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +the:0.22618813812732697 with:0.03429899737238884 into:0.032340388745069504 between:0.031359028071165085 :0.02818452939391136 +The:0.19480402767658234 This:0.06421192735433578 It:0.03412847965955734 In:0.02655809372663498 :0.1630340814590454 +in:0.08302377164363861 and:0.08125896751880646 on:0.04844214394688606 at:0.032035864889621735 :0.056520428508520126 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +hundred:0.05163043364882469 years:0.05051908642053604 of:0.03639274090528488 and:0.03610136732459068 :0.3677005469799042 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11078379303216934 the:0.07245540618896484 it:0.056298889219760895 is:0.03932986408472061 :0.03312937915325165 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23872341215610504 and:0.08227793127298355 at:0.06537803262472153 in:0.03420128673315048 :0.11684264987707138 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.026459073647856712 .:0.015532474964857101 to:0.011833610944449902 and:0.0113530233502388 :0.34905585646629333 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +of:0.1587710827589035 the:0.1400429755449295 we:0.06992346048355103 a:0.05752559378743172 :0.04822372645139694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +by:0.06822142750024796 from:0.05229521542787552 the:0.04650057479739189 in:0.04367845878005028 :0.12690122425556183 +J.:0.06681561470031738 J:0.04758748412132263 Mr.:0.03695119917392731 C.:0.036250051110982895 :0.09293686598539352 +to:0.5499793291091919 the:0.02852405048906803 a:0.02167053520679474 in:0.010543874464929104 :0.08464787155389786 +to:0.43013790249824524 by:0.1294732391834259 that:0.036955177783966064 upon:0.03211626783013344 :0.02264554239809513 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.07132180035114288 a:0.06985807418823242 to:0.06737103313207626 well:0.03446680307388306 :0.10001073777675629 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.47888317704200745 &:0.025310616940259933 Bay,:0.02465168572962284 Bay:0.015603004954755306 :0.14287438988685608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.03513968363404274 to:0.021205132827162743 death.:0.02052099071443081 murder:0.0177572350949049 :0.4073490500450134 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +importance:0.05881575122475624 organs:0.053863249719142914 to:0.03811382129788399 interest:0.024501444771885872 :0.2681037485599518 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +I:0.059442270547151566 the:0.04777655377984047 he:0.02905316837131977 a:0.02854173071682453 :0.24904504418373108 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +00:0.12340962141752243 15:0.08435861766338348 30:0.06918850541114807 40:0.06669288873672485 :0.07886052876710892 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +Carolina:0.11027681827545166 Dakota:0.0768587589263916 Dakota,:0.0702580139040947 and:0.05092305690050125 :0.19722449779510498 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +on:0.2972722351551056 upon:0.28191375732421875 in:0.020842308178544044 wholly:0.020647970959544182 :0.046219080686569214 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5134709477424622 for:0.0942627415060997 of:0.03433724865317345 in:0.026638027280569077 :0.053714003413915634 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.32944899797439575 and:0.05953848361968994 to:0.04182653874158859 in:0.0323239266872406 :0.04922548681497574 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +ment:0.45176810026168823 ments:0.1438184678554535 ments,:0.11528421938419342 mental:0.10121885687112808 :0.09414851665496826 +to:0.05585549399256706 and:0.03577312454581261 that:0.03230650722980499 part:0.021592574194073677 :0.31440043449401855 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13441437482833862 of:0.06162923946976662 was:0.047542210668325424 at:0.027557585388422012 :0.21938997507095337 +of:0.35115447640419006 or:0.10593227297067642 and:0.03195223584771156 No.:0.023218408226966858 :0.049758151173591614 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1120748221874237 to:0.044623952358961105 in:0.022742070257663727 by:0.01838544011116028 :0.18693028390407562 +and:0.06434038281440735 bullion:0.023754214867949486 or:0.02155722863972187 dollar:0.01336902379989624 :0.3104983866214752 +and:0.2650804817676544 the:0.04342266544699669 but:0.036144912242889404 or:0.025499362498521805 :0.10601794719696045 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.030749110504984856 that:0.02947157807648182 the:0.027724549174308777 was:0.0253891684114933 :0.22131580114364624 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.16695381700992584 where:0.03159443289041519 to:0.023431668058037758 of:0.02137181907892227 :0.08212936669588089 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +room:0.08328979462385178 near,:0.07053187489509583 the:0.055421989411115646 a:0.04643254354596138 :0.04604267701506615 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.19575320184230804 section:0.06709500402212143 fiscal:0.05974762886762619 year;:0.03814900293946266 :0.08432860672473907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.12283360958099365 I:0.0695437341928482 there:0.04162822663784027 if:0.033231958746910095 :0.04763464629650116 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09251150488853455 and:0.062052156776189804 is:0.028306668624281883 was:0.025549251586198807 :0.1391199827194214 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.13610082864761353 in:0.07225999236106873 where:0.03921206668019295 but:0.0245566014200449 :0.08660893142223358 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +the:0.15387164056301117 he:0.0780523344874382 they:0.04763079062104225 it:0.03861970454454422 :0.1458316296339035 +he:0.13510052859783173 the:0.11699773371219635 they:0.06421125680208206 I:0.05399137735366821 :0.09661228209733963 +and:0.005337427835911512 use,:0.005299711134284735 trips:0.004406442400068045 use:0.003877909854054451 :0.483875572681427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07964714616537094 of:0.07689756155014038 to:0.05899287760257721 has:0.0532282218337059 :0.08336757868528366 +the:0.028966382145881653 hour:0.011615965515375137 a:0.006435116287320852 I:0.0060714492574334145 :0.5880967378616333 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.26596784591674805 the:0.039119936525821686 which:0.03286271169781685 in:0.023607710376381874 :0.07816652208566666 +of:0.22006067633628845 or:0.06089397147297859 in:0.054358720779418945 is:0.04906823858618736 :0.04528891295194626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2103615552186966 his:0.1474880427122116 their:0.06638706475496292 her:0.06397601962089539 :0.056379031389951706 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +The:0.10658823698759079 It:0.054419100284576416 In:0.026022061705589294 A:0.022989554330706596 :0.2246820628643036 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.09914737194776535 and:0.09134946763515472 in:0.061381448060274124 with:0.04912156984210014 :0.07890848070383072 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +ized:0.1818045973777771 The:0.0026997120585292578 and:0.0023128369357436895 the:0.0013700890121981502 :0.7695584297180176 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +The:0.12081961333751678 He:0.055578768253326416 In:0.050943344831466675 It:0.04919515922665596 :0.11590654402971268 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.09038993716239929 get:0.06433039158582687 see:0.056458406150341034 help:0.03746950253844261 :0.08485107868909836 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.23762525618076324 the:0.0610135979950428 which:0.041344400495290756 but:0.03132641687989235 :0.08560843020677567 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +thence:0.6197108626365662 and:0.030909013003110886 the:0.02332836389541626 thenco:0.014957573264837265 :0.09229667484760284 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.17814764380455017 after:0.05431090295314789 and:0.04805903509259224 before:0.04714268073439598 :0.06437655538320541 +and:0.04952874779701233 Tribune.:0.042914196848869324 Evening:0.031711217015981674 City:0.030195780098438263 :0.14799568057060242 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.3173275291919708 and:0.07345940917730331 is:0.03224481642246246 in:0.03163108229637146 :0.07328178733587265 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11218903958797455 open:0.03889076039195061 world,:0.029640907421708107 awake:0.02367110550403595 :0.20927006006240845 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.024223091080784798 .:0.011393777094781399 a:0.009942426346242428 and:0.009041366167366505 :0.48754915595054626 +of:0.1512221246957779 and:0.0754467323422432 notes:0.046934593468904495 in:0.03927420824766159 :0.11046568304300308 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.04434193670749664 the:0.02290268987417221 in:0.017242947593331337 made:0.016590803861618042 :0.27750909328460693 +and:0.07577327638864517 of:0.06018061935901642 in:0.022350292652845383 at:0.02233605831861496 :0.10362976044416428 +who:0.12058420479297638 and:0.08536051213741302 the:0.04238872230052948 but:0.028724635019898415 :0.11104526370763779 +of:0.4316440224647522 Court:0.14954879879951477 Attorney:0.0419226810336113 No.:0.024072300642728806 :0.09142711013555527 +and:0.14831848442554474 where:0.02853548526763916 to:0.023854095488786697 in:0.01989547163248062 :0.19384126365184784 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.1657121479511261 and:0.12209442257881165 were:0.08313710242509842 in:0.06797152757644653 :0.04999052733182907 +from:0.24170321226119995 is:0.04198512062430382 to:0.040982842445373535 for:0.03981458395719528 :0.04044027999043465 +of:0.40748855471611023 and:0.0804402157664299 is:0.04669611528515816 in:0.04388813674449921 :0.03060082159936428 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.26406803727149963 and:0.07853205502033234 in:0.06575499475002289 who:0.04003673791885376 :0.06836152821779251 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.22628068923950195 in:0.04598182067275047 and:0.041157208383083344 to:0.0389569029211998 :0.10042782127857208 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.2777319550514221 for:0.12978734076023102 by:0.10064734518527985 and:0.06287790834903717 :0.03376643732190132 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +one:0.04715871065855026 man:0.025471772998571396 day:0.022354256361722946 other:0.01615229621529579 :0.22726942598819733 +d:0.08634135127067566 the:0.05125970020890236 me:0.013102211058139801 I:0.012366612441837788 :0.33598485589027405 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.10176484286785126 from:0.06341037154197693 the:0.027250688523054123 men:0.014876403845846653 :0.16899734735488892 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +day:0.07925889641046524 to:0.045074693858623505 few:0.026640253141522408 morning:0.02162708342075348 :0.1902121901512146 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5957223176956177 in:0.041261427104473114 to:0.028458479791879654 and:0.023763667792081833 :0.04405505955219269 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +Carolina:0.24945464730262756 Dakota.:0.04611166939139366 Carolina,:0.045227084308862686 Carolina.:0.02467072755098343 :0.16036924719810486 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.07612893730401993 sure:0.045741334557533264 a:0.040522683411836624 going:0.022734403610229492 :0.16918106377124786 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +to:0.22723497450351715 for:0.09634148329496384 in:0.06033525988459587 on:0.034474436193704605 :0.15370267629623413 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.13610082864761353 in:0.07225999236106873 where:0.03921206668019295 but:0.0245566014200449 :0.08660893142223358 +of:0.6219396591186523 that:0.15606875717639923 be:0.013827458955347538 for:0.011914320290088654 :0.03260258212685585 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2580321729183197 a:0.05862276256084442 by:0.05471652001142502 tho:0.020349137485027313 :0.09442345052957535 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.054320503026247025 the:0.036323245614767075 and:0.03290942683815956 in:0.023053286597132683 :0.23216144740581512 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +and:0.2468450963497162 but:0.04409395158290863 when:0.041989780962467194 the:0.03953561186790466 :0.06701213121414185 +and:0.24794326722621918 the:0.09994654357433319 but:0.06816307455301285 as:0.02091912552714348 :0.07029703259468079 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.03185496851801872 the:0.028993574902415276 and:0.016998423263430595 .:0.01460842601954937 :0.3734434247016907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13951250910758972 and:0.10037398338317871 for:0.07452135533094406 to:0.07114363461732864 :0.10089847445487976 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.3013313114643097 a:0.1078534871339798 and:0.07149175554513931 the:0.06334428489208221 :0.042909760028123856 +and:0.2181096076965332 but:0.042640320956707 is:0.028049902990460396 the:0.022670229896903038 :0.07683493196964264 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.19742870330810547 such:0.04804206266999245 a:0.037907302379608154 them:0.0378887765109539 :0.05185597389936447 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.2336798906326294 and:0.11064736545085907 in:0.0461588092148304 to:0.043067026883363724 :0.029857859015464783 +of:0.3490632474422455 is:0.053258154541254044 and:0.03738630563020706 in:0.024364950135350227 :0.044786106795072556 +and:0.0271981880068779 amount:0.013081575743854046 part:0.012188754044473171 quantities:0.007943568751215935 :0.29562148451805115 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.11639029532670975 products,:0.07312799245119095 in:0.0715443342924118 from:0.06300657987594604 :0.07843633741140366 +line:0.3985293209552765 direction:0.23885127902030945 along:0.0412851944565773 side:0.03301163390278816 :0.03801018372178078 +after:0.4504959285259247 the:0.11691546440124512 alter:0.03630858659744263 he:0.03354845568537712 :0.07300880551338196 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.3885064423084259 and:0.0428411103785038 Court.:0.0311458520591259 Court:0.030904723331332207 :0.14676034450531006 +and:0.118754543364048 of:0.07573989033699036 in:0.05445144325494766 to:0.05346054583787918 :0.05391865223646164 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +church:0.06484901905059814 Church.:0.053651779890060425 Church:0.04804278910160065 church.:0.04636431112885475 :0.4172895848751068 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +pany:0.048703599721193314 ing:0.024353833869099617 mission:0.016798842698335648 plete:0.016541285440325737 :0.5249593257904053 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.21334415674209595 and:0.13551153242588043 to:0.04529852792620659 were:0.03434470295906067 :0.06420547515153885 +of:0.23758269846439362 are:0.06531527638435364 and:0.06091810762882233 in:0.05190008506178856 :0.06075957417488098 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.05091686546802521 and:0.044750966131687164 in:0.0222275722771883 to:0.021367905661463737 :0.2453964799642563 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +to:0.11740437150001526 from:0.10461723059415817 and:0.10420355200767517 up:0.04066181555390358 :0.09408643841743469 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.22186614573001862 they:0.047179948538541794 he:0.034317631274461746 it:0.02769305370748043 :0.10746676474809647 +of:0.3421267569065094 and:0.10486849397420883 to:0.06825947016477585 shall:0.04399272799491882 :0.05187474936246872 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +was:0.09456215798854828 of:0.055104780942201614 from:0.045374929904937744 and:0.04123781993985176 :0.11330406367778778 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.10934782028198242 to:0.05523849278688431 and:0.037941835820674896 portunity:0.027623934671282768 :0.2742173671722412 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +to:0.2525888979434967 a:0.08227518945932388 the:0.08039243519306183 that:0.03185785189270973 :0.0528239868581295 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +and:0.09179766476154327 interest:0.0586480014026165 time:0.02069636434316635 discussion:0.016780169680714607 :0.18593469262123108 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.25592735409736633 as:0.03885716199874878 in:0.0314645916223526 the:0.029531609266996384 :0.0807378888130188 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Co.,:0.1165633425116539 Co.:0.06794843077659607 Ohio:0.04170684516429901 O.:0.021117856726050377 :0.3415232002735138 +the:0.16394366323947906 by:0.13848495483398438 as:0.071026511490345 and:0.06770259141921997 :0.06411770731210709 +and:0.19826145470142365 the:0.035586245357990265 in:0.03057374805212021 who:0.022160110995173454 :0.1514369547367096 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +cept:0.06066165864467621 pected:0.044737204909324646 penses:0.024611929431557655 pressed:0.013086371123790741 :0.6336353421211243 +the:0.039065174758434296 of:0.015829794108867645 to:0.012704892084002495 in:0.010274951346218586 :0.3739505112171173 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.5786522030830383 and:0.05206281319260597 in:0.03619362413883209 to:0.028112629428505898 :0.022596534341573715 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +own:0.04448304697871208 answer:0.01044088788330555 duty:0.0059332167729735374 friends:0.004897722043097019 :0.20047441124916077 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.21723763644695282 is:0.05730850622057915 and:0.0402136966586113 was:0.03710070252418518 :0.03311769291758537 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +company,:0.05113108083605766 company:0.03615964204072952 and:0.03065473958849907 companies,:0.02444162592291832 :0.20467202365398407 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +cast:0.25980350375175476 of:0.11196773499250412 for:0.05665931850671768 in:0.045529648661613464 :0.048512157052755356 +The:0.03802361711859703 I:0.03024756722152233 'The:0.01613570563495159 the:0.01491854153573513 :0.2746899724006653 +of:0.5986844897270203 from:0.09235122054815292 to:0.03283752128481865 or:0.017803573980927467 :0.05257409065961838 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +claim:0.08336590975522995 claim,:0.06956370919942856 claims:0.05400070920586586 and:0.04173802584409714 :0.10737934708595276 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +by:0.0991608127951622 in:0.07434986531734467 to:0.06434772908687592 for:0.03621973469853401 :0.03778068721294403 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +Carolina:0.24945464730262756 Dakota.:0.04611166939139366 Carolina,:0.045227084308862686 Carolina.:0.02467072755098343 :0.16036924719810486 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +and:0.18341445922851562 was:0.02358109876513481 has:0.01590869016945362 is:0.015201401896774769 :0.34571895003318787 +and:0.14298827946186066 but:0.0579485185444355 as:0.05591939762234688 for:0.037164002656936646 :0.03733551502227783 +and:0.09067647904157639 of:0.05352427810430527 member:0.022690141573548317 son:0.019327154383063316 :0.12676356732845306 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +out:0.14978846907615662 the:0.10474206507205963 up:0.04677003249526024 into:0.03711355850100517 :0.06162944436073303 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.323591411113739 and:0.10188210010528564 to:0.02778337337076664 was:0.027165692299604416 :0.08859916776418686 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +been:0.3548383414745331 a:0.028961971402168274 not:0.027663404121994972 become:0.021074682474136353 :0.11702799052000046 +that:0.1517334282398224 of:0.08627990633249283 the:0.05956723913550377 it:0.049439072608947754 :0.04282793775200844 +and:0.16493487358093262 who:0.11637206375598907 the:0.034914832562208176 as:0.03171692416071892 :0.11061276495456696 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +at:0.1413051187992096 the:0.09202821552753448 by:0.06746111065149307 a:0.05396983399987221 :0.07497701048851013 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.3031081557273865 the:0.0821758508682251 their:0.07665809243917465 his:0.049683306366205215 :0.035547174513339996 +of:0.15339145064353943 for:0.11035273224115372 in:0.0412641242146492 on:0.039755288511514664 :0.06420818716287613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +The:0.0614108070731163 It:0.03300057351589203 A:0.026788318529725075 I:0.024516696110367775 :0.22493912279605865 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.02505490928888321 have:0.01951873116195202 were:0.01752328686416149 of:0.017434531822800636 :0.3962639272212982 +by:0.27091601490974426 in:0.08711754530668259 with:0.07401253283023834 the:0.061284709721803665 :0.093636654317379 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +door,:0.061281297355890274 edge:0.04061131551861763 world.:0.02915627509355545 wall:0.02309153974056244 :0.20358067750930786 +and:0.11218903958797455 open:0.03889076039195061 world,:0.029640907421708107 awake:0.02367110550403595 :0.20927006006240845 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.05646935850381851 one:0.04287346825003624 two:0.04253881052136421 of:0.03127557039260864 :0.1460990607738495 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +It:0.07562027871608734 The:0.035354144871234894 I:0.026638789102435112 If:0.02121334709227085 :0.21061979234218597 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +first:0.01183595135807991 only:0.00674104131758213 young:0.0061032092198729515 most:0.005756604950875044 :0.3132716119289398 +of:0.15342138707637787 was:0.04845549166202545 that:0.03587391600012779 in:0.03338546305894852 :0.06433124095201492 +of:0.2850066125392914 and:0.1094934344291687 to:0.04435509443283081 in:0.027368059381842613 :0.06194508820772171 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +of:0.2613591253757477 the:0.0644185021519661 for:0.04974426329135895 on:0.0332409031689167 :0.06591241806745529 +to:0.08811277896165848 by:0.07490257173776627 the:0.07252737879753113 in:0.05403134599328041 :0.0931118056178093 +and:0.09733984619379044 at:0.061423685401678085 of:0.036506932228803635 was:0.029676277190446854 :0.10905517637729645 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.043232712894678116 Shore:0.02215506136417389 Star:0.016110949218273163 farmers:0.014517358504235744 :0.28733476996421814 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09108312427997589 he:0.07977528870105743 they:0.07321390509605408 it:0.054794903844594955 :0.08076339215040207 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +a:0.1951349377632141 as:0.08785096555948257 an:0.028074918314814568 so:0.013203891925513744 :0.21036429703235626 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.42879217863082886 the:0.05639713630080223 in:0.0377148762345314 and:0.027652010321617126 :0.04382414370775223 +of:0.08107057958841324 and:0.06152251362800598 the:0.05336173623800278 at:0.04615214094519615 :0.048564132302999496 +of:0.03185496851801872 the:0.028993574902415276 and:0.016998423263430595 .:0.01460842601954937 :0.3734434247016907 +to:0.2410169094800949 in:0.14003196358680725 on:0.055239658802747726 before:0.05070158466696739 :0.050509266555309296 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.05953359603881836 and:0.046049121767282486 for:0.01145935244858265 as:0.011032848618924618 :0.2858152389526367 +run:0.01162492111325264 and:0.008854275569319725 business:0.006247990764677525 branches:0.006172844674438238 :0.3865572512149811 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +possible:0.060810770839452744 proved:0.03929072618484497 portant:0.0353386253118515 pressed:0.033830367028713226 :0.42619141936302185 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +up:0.3085719347000122 by:0.06211886182427406 up,:0.06163674220442772 the:0.04833722114562988 :0.04193400964140892 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.13785460591316223 was:0.05437952280044556 am:0.045740339905023575 had:0.040267299860715866 :0.14536555111408234 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.07639267295598984 f:0.015588638372719288 a:0.013496394269168377 .:0.009731282480061054 :0.28148210048675537 +.:0.2344968616962433 street:0.018219273537397385 of:0.014958293177187443 and:0.013734881766140461 :0.4042240083217621 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.08243293315172195 and:0.08199961483478546 that:0.07757502049207687 for:0.05464959889650345 :0.06510815769433975 +the:0.0896385908126831 I:0.046134285628795624 now:0.04147748276591301 it:0.03362012654542923 :0.1318511962890625 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ple:0.675630509853363 ple.:0.0750204548239708 ple,:0.03807297721505165 ples:0.012567684054374695 :0.1307947039604187 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13373760879039764 has:0.10278259962797165 in:0.0893014520406723 to:0.041063643991947174 :0.05884423851966858 +street.:0.3729507029056549 street:0.09900879114866257 Street:0.04670190066099167 and:0.038350481539964676 :0.04142770543694496 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +the:0.26051875948905945 to:0.25208336114883423 a:0.05180703103542328 and:0.027906155213713646 :0.06781506538391113 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +of:0.21819765865802765 in:0.06746912747621536 and:0.06145312637090683 to:0.042228445410728455 :0.11183422803878784 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.1818421334028244 from:0.10257984697818756 and:0.06003938615322113 to:0.05561050400137901 :0.07177955657243729 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +curred:0.02783520519733429 cur:0.007088140584528446 -:0.0023125719744712114 and:0.0014976829988881946 :0.9223597049713135 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +attention:0.08438565582036972 reference:0.04849226400256157 interest:0.03747618570923805 delight:0.03683096170425415 :0.2744949460029602 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.2660016119480133 by:0.18719512224197388 the:0.06683323532342911 him:0.06671128422021866 :0.043594978749752045 +Trustees:0.14287878572940826 of:0.05255667865276337 Board:0.05194700136780739 District:0.024741224944591522 :0.26499804854393005 +and:0.173117995262146 of:0.10828521102666855 in:0.049539852887392044 were:0.03637188673019409 :0.16936354339122772 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +visions:0.08736258745193481 vided:0.05978749319911003 duced:0.03652346134185791 tection:0.034874219447374344 :0.4912690818309784 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0271981880068779 amount:0.013081575743854046 part:0.012188754044473171 quantities:0.007943568751215935 :0.29562148451805115 +to:0.2057645469903946 from:0.047755464911460876 out:0.046072524040937424 in:0.04528909921646118 :0.06052161008119583 +of:0.19488179683685303 and:0.051895275712013245 to:0.028469545766711235 on:0.024194566532969475 :0.11689803004264832 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.21274329721927643 the:0.21191734075546265 said:0.02831496112048626 is:0.02770109660923481 :0.05197989568114281 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +that:0.2698039710521698 the:0.08663960546255112 to:0.0735636055469513 in:0.05257759615778923 :0.04096028581261635 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +and:0.10488381236791611 of:0.048493921756744385 engine:0.044302601367235184 to:0.04395020753145218 :0.0952342301607132 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +and:0.1796891987323761 which:0.06724442541599274 the:0.05927210673689842 but:0.03365962207317352 :0.22429339587688446 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.13358265161514282 I:0.07778606563806534 It:0.06254550069570541 He:0.030687684193253517 :0.15084372460842133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.21405868232250214 and:0.12869028747081757 are:0.05211501941084862 in:0.034404296427965164 :0.049374181777238846 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +children.:0.04983910173177719 children:0.0418071448802948 bread:0.02748893015086651 hands:0.020523661747574806 :0.1993475705385208 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +into:0.1621139794588089 out:0.10333791375160217 in:0.07227666676044464 over:0.05044593662023544 :0.05500991269946098 +of:0.07309475541114807 was:0.0646689310669899 who:0.05993006005883217 in:0.04454505443572998 :0.0765242949128151 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.15305791795253754 the:0.06263159215450287 but:0.031992338597774506 that:0.021632473915815353 :0.10181377828121185 +and:0.047665778547525406 the:0.04668734595179558 for:0.03700878471136093 that:0.021013163030147552 :0.11976108700037003 +and:0.13610082864761353 in:0.07225999236106873 where:0.03921206668019295 but:0.0245566014200449 :0.08660893142223358 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3490632474422455 is:0.053258154541254044 and:0.03738630563020706 in:0.024364950135350227 :0.044786106795072556 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +the:0.11618790030479431 a:0.07811567932367325 in:0.027197958901524544 it:0.025167327374219894 :0.1383369117975235 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.23748289048671722 a:0.06004078686237335 tho:0.021919403225183487 this:0.018624989315867424 :0.25070086121559143 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.08781039714813232 with:0.04469478502869606 the:0.030752409249544144 to:0.026495827361941338 :0.13249562680721283 +of:0.11608564853668213 to:0.11583361774682999 for:0.11143828183412552 from:0.07739850878715515 :0.052210647612810135 +from:0.17223003506660461 the:0.15242089331150055 of:0.04817190766334534 by:0.034730326384305954 :0.10243195295333862 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1783595234155655 and:0.1118331179022789 the:0.05980663374066353 with:0.045538146048784256 :0.13400937616825104 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +against:0.094422847032547 of:0.0613744780421257 and:0.04283256456255913 in:0.0414164736866951 :0.07771149277687073 +The:0.12675532698631287 It:0.06312055885791779 He:0.05718446150422096 In:0.043132051825523376 :0.24145157635211945 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.16795630753040314 number:0.0361391082406044 or:0.035382479429244995 numbered:0.028428317978978157 :0.14995509386062622 +of:0.48943743109703064 and:0.045150209218263626 is:0.020860744640231133 to:0.014594674110412598 :0.055353157222270966 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.24305550754070282 .,:0.09286057949066162 ..:0.009394430555403233 r.:0.009193184785544872 :0.30793121457099915 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +John:0.02367415465414524 and:0.021898239850997925 Theodore:0.021100925281643867 J.:0.017938761040568352 :0.4122043251991272 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.10966984927654266 had:0.05478239059448242 has:0.04496319219470024 is:0.03048432059586048 :0.11465974897146225 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12768137454986572 County,:0.028093986213207245 county,:0.02760094590485096 to:0.016436081379652023 :0.20631110668182373 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.29097819328308105 of:0.15026232600212097 was:0.061765119433403015 from:0.05636594444513321 :0.022991973906755447 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +over:0.11427520215511322 up:0.08266665041446686 down:0.06773591041564941 the:0.04487355053424835 :0.09467028081417084 +to:0.06295391917228699 letter:0.05505339801311493 of:0.055005718022584915 and:0.05106391757726669 :0.18969444930553436 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +from:0.17742979526519775 to:0.15836292505264282 the:0.07676181197166443 out:0.041173383593559265 :0.06691855937242508 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +office:0.09757351130247116 of:0.05263003706932068 4:0.045174017548561096 No.:0.04466528818011284 :0.16310624778270721 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.23161162436008453 the:0.05042758211493492 but:0.023875385522842407 which:0.022971464321017265 :0.07062394171953201 +line:0.09750475734472275 to:0.06445515900850296 and:0.057248711585998535 line,:0.048588111996650696 :0.09495705366134644 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1700265109539032 and:0.11232231557369232 was:0.043301861733198166 to:0.037211813032627106 :0.1364441066980362 +and:0.12595783174037933 to:0.08139071613550186 Railway:0.038522738963365555 in:0.028686124831438065 :0.1473413109779358 +to:0.1472897231578827 in:0.016169605776667595 and:0.01610017940402031 disease.:0.009605823084712029 :0.39008742570877075 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.23970535397529602 the:0.06011952832341194 as:0.04111906886100769 but:0.03295612335205078 :0.03715530410408974 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +The:0.13245882093906403 It:0.05250769481062889 I:0.03460681065917015 In:0.028182214125990868 :0.22908362746238708 +and:0.18893325328826904 in:0.05362195894122124 were:0.05323118343949318 are:0.04697691649198532 :0.0792904943227768 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.17216290533542633 a:0.06604369729757309 it:0.06316181272268295 them:0.03221798688173294 :0.15636254847049713 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.1217530220746994 to:0.06537255644798279 of:0.045177605003118515 will:0.028246913105249405 :0.09633772075176239 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.09987903386354446 I:0.05823572725057602 It:0.04359617084264755 There:0.0330263115465641 :0.17627476155757904 +and:0.08397400379180908 of:0.051446810364723206 was:0.03943824768066406 to:0.023686543107032776 :0.12750451266765594 +new:0.04515445604920387 cured:0.04092695936560631 of:0.028164362534880638 cured,:0.02589298225939274 :0.2360711246728897 +of:0.33687904477119446 day:0.03186367452144623 Hundred:0.030532803386449814 thing:0.018876586109399796 :0.07920660823583603 +good:0.04382503032684326 little:0.019802918657660484 great:0.019407905638217926 man:0.014761215075850487 :0.32512202858924866 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.07194536179304123 Mountain:0.04267103597521782 Works:0.0226005706936121 county,:0.014654145576059818 :0.25648921728134155 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.29122403264045715 in:0.04013531282544136 quality,:0.013968790881335735 and:0.011806901544332504 :0.17359507083892822 +Convention:0.08815153688192368 and:0.057973455637693405 Convention,:0.01908755674958229 Union.:0.01611356995999813 :0.50098717212677 +and:0.14256888628005981 Indiana,:0.054477836936712265 the:0.02976262755692005 who:0.02066130004823208 :0.12550579011440277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12441731989383698 of:0.07127188891172409 to:0.06460869312286377 in:0.056212183088064194 :0.07676731050014496 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +to:0.29122403264045715 in:0.04013531282544136 quality,:0.013968790881335735 and:0.011806901544332504 :0.17359507083892822 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.2840287983417511 a:0.06712963432073593 him.:0.03571818768978119 him:0.03245938569307327 :0.0994025245308876 +of:0.08999762684106827 and:0.02490786276757717 in:0.009065462276339531 Wood:0.008095701225101948 :0.4726303219795227 +to:0.10365317761898041 a:0.06897767633199692 and:0.045064084231853485 .:0.041287895292043686 :0.13855765759944916 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +been:0.1163276955485344 of:0.04110122099518776 the:0.019696729257702827 to:0.017726033926010132 :0.27244511246681213 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.30754050612449646 by:0.0926842987537384 a:0.05717337504029274 that:0.04793833568692207 :0.03910154476761818 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +enough:0.05525093898177147 a:0.050186995416879654 able:0.01737537607550621 possible:0.01634373888373375 :0.20454998314380646 +of:0.30934199690818787 and:0.10020400583744049 was:0.03754881024360657 to:0.03245150297880173 :0.06483493000268936 +of:0.32597658038139343 the:0.058249298483133316 and:0.051718126982450485 to:0.039677396416664124 :0.03653651848435402 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.13427592813968658 Miss:0.08349236845970154 and:0.05539877712726593 a:0.04828386381268501 :0.11185211688280106 +of:0.21198804676532745 and:0.07549344748258591 is:0.02877717837691307 in:0.023588452488183975 :0.09441785514354706 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05633768439292908 men:0.05108688026666641 in:0.04801427200436592 place:0.023473722860217094 :0.30233874917030334 +the:0.08435764163732529 a:0.0646323561668396 two:0.0458565354347229 this:0.02784375660121441 :0.13010719418525696 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +of:0.03185496851801872 the:0.028993574902415276 and:0.016998423263430595 .:0.01460842601954937 :0.3734434247016907 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +The:0.11979074031114578 It:0.054423876106739044 In:0.041270654648542404 He:0.037613749504089355 :0.23800839483737946 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.3098573088645935 and:0.03993211314082146 is:0.019763464108109474 for:0.018341539427638054 :0.19228701293468475 +of:0.044921211898326874 and:0.043299198150634766 the:0.025218363851308823 to:0.02447270229458809 :0.15729455649852753 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +and:0.07143786549568176 of:0.04011000320315361 corner:0.029183443635702133 by:0.026583854109048843 :0.23456323146820068 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.519232451915741 the:0.08837796002626419 in:0.050479862838983536 until:0.018289638683199883 :0.049641113728284836 +of:0.4313358664512634 for:0.10782758891582489 to:0.07260753959417343 and:0.05732128024101257 :0.0333525612950325 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3877658247947693 and:0.06796599924564362 pursued:0.040412671864032745 in:0.03245834633708 :0.04186341166496277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.6539137363433838 for:0.07850605994462967 the:0.0639670118689537 as:0.012556752189993858 :0.03961769863963127 +of:0.8597803115844727 ot:0.017888018861413002 ol:0.007692296989262104 the:0.004134336952120066 :0.013382126577198505 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.1827908754348755 street:0.030297081917524338 W:0.016302408650517464 M:0.012320175766944885 :0.27262160181999207 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0271981880068779 amount:0.013081575743854046 part:0.012188754044473171 quantities:0.007943568751215935 :0.29562148451805115 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Sheriff:0.4710526764392853 United:0.05512047931551933 Grand:0.014324629679322243 Marshal:0.011116784997284412 :0.2821539640426636 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.023180173709988594 -:0.013994012027978897 a:0.011375282891094685 The:0.010902212001383305 :0.3000974953174591 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +to:0.09729010611772537 in:0.07676874101161957 and:0.06867628544569016 with:0.04964900016784668 :0.08989891409873962 +and:0.03513968363404274 to:0.021205132827162743 death.:0.02052099071443081 murder:0.0177572350949049 :0.4073490500450134 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07132180035114288 a:0.06985807418823242 to:0.06737103313207626 well:0.03446680307388306 :0.10001073777675629 +more:0.02363402768969536 of:0.017070764675736427 girl,:0.013640542514622211 to:0.010290360078215599 :0.3034552037715912 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +part:0.05037359520792961 point:0.04704102501273155 and:0.041460972279310226 committee:0.0300520658493042 :0.20801395177841187 +the:0.23788461089134216 I:0.05458623915910721 we:0.05156111717224121 a:0.044323332607746124 :0.09455734491348267 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6360412240028381 parents:0.02010885626077652 ot:0.016858261078596115 and:0.016552701592445374 :0.042542919516563416 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +Commencing:0.08232954144477844 Beginning:0.052022505551576614 The:0.04536090046167374 Section:0.023916685953736305 :0.3104531168937683 +fore,:0.12611952424049377 fore:0.1209452673792839 of,:0.09552942216396332 on,:0.07729468494653702 :0.08656305074691772 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +their:0.1114632710814476 his:0.07997030019760132 the:0.06858829408884048 her:0.05034184828400612 :0.05622343719005585 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +trict:0.09509607404470444 tance:0.0880638062953949 ¬:0.013340258039534092 posed:0.013180024921894073 :0.553800642490387 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +that:0.14752759039402008 the:0.11626502126455307 a:0.037544406950473785 be:0.022064274176955223 :0.04958878457546234 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5971682667732239 and:0.016141297295689583 were:0.01424134336411953 ot:0.010930687189102173 :0.11187847703695297 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.323591411113739 and:0.10188210010528564 to:0.02778337337076664 was:0.027165692299604416 :0.08859916776418686 +of:0.11456894874572754 and:0.11135861277580261 in:0.041551779955625534 to:0.039325352758169174 :0.1908961534500122 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.08643971383571625 to:0.05578785389661789 in:0.03967709466814995 defense,:0.026385735720396042 :0.20872269570827484 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +or:0.12655989825725555 who:0.08761545270681381 shall:0.059551093727350235 to:0.054939210414886475 :0.05548999831080437 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +as:0.18127653002738953 before:0.07049638032913208 a:0.031264595687389374 what:0.028902577236294746 :0.08034498989582062 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +were:0.09107331931591034 are:0.049899518489837646 have:0.0453086756169796 will:0.037337422370910645 :0.03782575950026512 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +quence:0.47679829597473145 quently:0.12148185074329376 quent:0.11716971546411514 and:0.0034226239658892155 :0.23656205832958221 +C.:0.056583598256111145 J.:0.028280548751354218 A.:0.024249399080872536 John:0.02078123763203621 :0.370534211397171 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cape:0.5198593139648438 tate:0.0881396010518074 pecially:0.06490657478570938 and:0.00033700905623845756 :0.3122594952583313 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.05707105994224548 in:0.04499639570713043 from:0.028101393952965736 at:0.020579710602760315 :0.2708759903907776 +-:0.01824827305972576 I:0.00758919445797801 .:0.005267801694571972 ner,:0.005229763686656952 :0.6337835192680359 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.17996735870838165 who:0.05889562517404556 but:0.048382822424173355 to:0.023310404270887375 :0.05487076938152313 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.20869651436805725 described:0.05462256446480751 all:0.0308659877628088 named:0.028359683230519295 :0.16649943590164185 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +health.:0.04369505122303963 and:0.02579016424715519 the:0.0189043115824461 in:0.016815654933452606 :0.40507492423057556 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +*:0.03703024610877037 of:0.015500853769481182 .:0.014134984463453293 the:0.011528058908879757 :0.2917487919330597 +from:0.2570044696331024 the:0.09541359543800354 into:0.03820622339844704 to:0.029010415077209473 :0.0805315226316452 +to:0.5907042026519775 for:0.10699295997619629 by:0.018698574975132942 victim:0.01864233799278736 :0.0365656316280365 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09265898168087006 the:0.08526357263326645 against:0.08137032389640808 and:0.05692335218191147 :0.0878012478351593 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +and:0.18154063820838928 to:0.07711078226566315 who:0.048245515674352646 in:0.029214855283498764 :0.09287995100021362 +the:0.07639267295598984 f:0.015588638372719288 a:0.013496394269168377 .:0.009731282480061054 :0.28148210048675537 +of:0.5152481198310852 and:0.06656486541032791 to:0.02814190834760666 in:0.023552201688289642 :0.029872259125113487 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +of:0.24774517118930817 to:0.06037888303399086 that:0.05739741772413254 was:0.04372253268957138 :0.0509672574698925 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.1667153239250183 the:0.07791963964700699 but:0.025992130860686302 it:0.022978954017162323 :0.09139088541269302 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +of:0.39631161093711853 and:0.11958212405443192 as:0.0351175032556057 or:0.025035137310624123 :0.030702754855155945 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.12282843142747879 by:0.07892117649316788 with:0.05268106609582901 him:0.05069850757718086 :0.06973133236169815 +been:0.07456448674201965 a:0.034658629447221756 to:0.027065929025411606 not:0.023447366431355476 :0.23134548962116241 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.21099638938903809 the:0.11087290942668915 for:0.050749022513628006 to:0.048193685710430145 :0.05287536606192589 +and:0.05148844048380852 to:0.037268612533807755 is:0.032358307391405106 in:0.030010424554347992 :0.0852578654885292 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5152481198310852 and:0.06656486541032791 to:0.02814190834760666 in:0.023552201688289642 :0.029872259125113487 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +The:0.12675951421260834 It:0.061488620936870575 and:0.04397806152701378 I:0.03968595340847969 :0.23039363324642181 +and:0.10408259183168411 that:0.08789300918579102 the:0.05022020265460014 is:0.03398707136511803 :0.06391547620296478 +of:0.13774479925632477 and:0.06360723078250885 in:0.05979228764772415 is:0.0421135239303112 :0.0869067907333374 +and:0.06881316006183624 street,:0.030769480392336845 street:0.029545802623033524 is:0.023648906499147415 :0.29157406091690063 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.20556673407554626 of:0.1201682835817337 to:0.06529860198497772 was:0.03523921221494675 :0.06678897142410278 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.08088605105876923 the:0.04028438776731491 not:0.02820003218948841 to:0.026593642309308052 :0.33935847878456116 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +that:0.14639398455619812 the:0.06060138717293739 what:0.04207518696784973 nothing:0.04076124727725983 :0.048992861062288284 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4547080099582672 and:0.05964505299925804 to:0.052737969905138016 in:0.04454483836889267 :0.08618125319480896 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +to:0.2543065845966339 upon:0.07878103852272034 with:0.07619534432888031 on:0.07256381958723068 :0.049679748713970184 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.19294968247413635 report:0.056840091943740845 for:0.029589764773845673 conditions.:0.027049168944358826 :0.08589857071638107 +to:0.2461484670639038 that:0.06745162606239319 from:0.06442394852638245 by:0.05592672526836395 :0.03648103028535843 +of:0.09501978009939194 to:0.07479507476091385 with:0.0467609204351902 is:0.035341776907444 :0.16346314549446106 +the:0.27084583044052124 a:0.1121392622590065 ten:0.051281075924634933 thirty:0.027615971863269806 :0.05882716178894043 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.08229798823595047 of:0.06500089168548584 the:0.04600154235959053 who:0.03296389803290367 :0.17982117831707 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09748721867799759 to:0.017973126843571663 a:0.014812976121902466 that:0.013959145173430443 :0.22972802817821503 +the:0.08486315608024597 business:0.04911176860332489 a:0.04519657790660858 so:0.041536297649145126 :0.06766367703676224 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +The:0.17858794331550598 It:0.06460659950971603 In:0.047298990190029144 There:0.037497878074645996 :0.1680966466665268 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.19468848407268524 on:0.07198107242584229 and:0.05565887689590454 was:0.039262909442186356 :0.07117684185504913 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3813041150569916 and:0.052916519343853 for:0.04137633368372917 on:0.029751550406217575 :0.056191109120845795 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.16438816487789154 the:0.04433828592300415 her,:0.04034006595611572 but:0.03327960520982742 :0.06669770181179047 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.12083670496940613 the:0.06443800777196884 but:0.03755446523427963 to:0.03242507949471474 :0.04660116508603096 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +of:0.11809886246919632 and:0.07942446321249008 in:0.037629708647727966 to:0.03422798216342926 :0.12618830800056458 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.2233465313911438 to:0.1244933009147644 that:0.07809478044509888 how:0.050494205206632614 :0.05000244826078415 +of:0.17156268656253815 was:0.12196283042430878 services:0.07912637293338776 will:0.031988199800252914 :0.19147378206253052 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05606214702129364 strength:0.04946563392877579 labor:0.02048356831073761 condition:0.02012122981250286 :0.38573765754699707 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.20684495568275452 the:0.1139461100101471 with:0.04890184476971626 out:0.028072984889149666 :0.07865791767835617 +H.:0.023287540301680565 A.:0.016149792820215225 M:0.014641269110143185 W:0.01165457908064127 :0.6034932732582092 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +pect:0.010860764421522617 ident:0.010721423663198948 cue:0.004880676511675119 and:0.0031299619004130363 :0.8892090916633606 +dow:0.5156552195549011 ter:0.12359154224395752 ning:0.01990923285484314 ter,:0.01892179809510708 :0.1938273012638092 +of:0.23258943855762482 to:0.06676056236028671 and:0.052225511521101 ball:0.04940301179885864 :0.08935238420963287 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.7583734393119812 the:0.020293807610869408 a:0.01010530162602663 for:0.008307230658829212 :0.03675255924463272 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +of:0.22664019465446472 between:0.07529139518737793 in:0.06559402495622635 to:0.059888098388910294 :0.06678420305252075 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.11145857721567154 to:0.10923993587493896 of:0.06026551127433777 .:0.03337786719202995 :0.2451217621564865 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.06865616887807846 thence:0.043617527931928635 near:0.030170494690537453 from:0.028130589053034782 :0.09642407298088074 +o'clock:0.09893149882555008 per:0.07161907106637955 to:0.05035020411014557 o’clock:0.0258738175034523 :0.19634735584259033 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +years:0.1448761373758316 days:0.10367900878190994 minutes:0.09993693977594376 hundred:0.048235729336738586 :0.1628679633140564 +of:0.6422246098518372 and:0.03467118367552757 to:0.021591195836663246 in:0.02148711122572422 :0.028487280011177063 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.05572347715497017 amount:0.01731906831264496 country:0.014941934496164322 or:0.014283082447946072 :0.1481226533651352 +was:0.05677809566259384 and:0.04281646013259888 of:0.04026392847299576 team:0.030519993975758553 :0.09433969855308533 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.13252438604831696 who:0.039611149579286575 from:0.036760423332452774 to:0.025107139721512794 :0.2429591566324234 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.273397833108902 to:0.15384481847286224 and:0.05649905651807785 at:0.054345473647117615 :0.2032983899116516 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.03141333907842636 e:0.02650483138859272 to:0.015922967344522476 ranged:0.013658052310347557 :0.371737003326416 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +in:0.18027694523334503 by:0.12056402862071991 for:0.060257043689489365 on:0.052025824785232544 :0.05002335086464882 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05122539401054382 who:0.0389561802148819 the:0.035703908652067184 which:0.01414334587752819 :0.4453866481781006 +in:0.13873107731342316 at:0.11402341723442078 by:0.06212848797440529 on:0.05244706571102142 :0.05658649280667305 +of:0.323591411113739 and:0.10188210010528564 to:0.02778337337076664 was:0.027165692299604416 :0.08859916776418686 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.555112361907959 in:0.04060198366641998 act.:0.02311883307993412 act:0.02287318930029869 :0.022712986916303635 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +than:0.06540091335773468 to:0.0298707727342844 away:0.02756243757903576 and:0.025677237659692764 :0.10966455936431885 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +from:0.24989090859889984 with:0.0846153199672699 the:0.0780000314116478 and:0.0472780205309391 :0.04162170737981796 +after:0.059298332780599594 to:0.051494110375642776 upon:0.03073401004076004 in:0.025188898667693138 :0.17307595908641815 +of:0.17216098308563232 and:0.14337201416492462 who:0.056847188621759415 to:0.04020079970359802 :0.04929092526435852 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.16689828038215637 of:0.1414046287536621 they:0.10606171190738678 it:0.07918792963027954 :0.04231705144047737 +17,:0.13339413702487946 17:0.0359901487827301 inclusive,:0.032854389399290085 Inclusive,:0.030466750264167786 :0.18206144869327545 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +stand:0.27726438641548157 stood,:0.14750434458255768 signed:0.10255623608827591 standing:0.10195056349039078 :0.05931951478123665 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.08897791057825089 and:0.05301763489842415 for:0.012663213536143303 was:0.012030212208628654 :0.450334757566452 +and:0.13836750388145447 of:0.05187015235424042 were:0.034589268267154694 to:0.03394937887787819 :0.10189560800790787 +of:0.06247763708233833 and:0.056180402636528015 who:0.02218203991651535 the:0.01987350918352604 :0.4174666404724121 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08094621449708939 and:0.06733473390340805 to:0.06311262398958206 has:0.038645777851343155 :0.044677771627902985 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +on:0.4711886942386627 thereon:0.038818273693323135 the:0.035980451852083206 upon:0.025709129869937897 :0.09456156939268112 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +The:0.0215948186814785 of:0.017029043287038803 the:0.016766153275966644 and:0.01567801833152771 :0.28581464290618896 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.12284643203020096 the:0.08510695397853851 to:0.06518236547708511 a:0.05554388090968132 :0.08652951568365097 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +been:0.07456448674201965 a:0.034658629447221756 to:0.027065929025411606 not:0.023447366431355476 :0.23134548962116241 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.24302548170089722 as:0.023701583966612816 in:0.021546564996242523 idea:0.013842671178281307 :0.3154405951499939 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.1279042363166809 in:0.0654413029551506 to:0.05336621403694153 is:0.04607776924967766 :0.06652896106243134 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +Pierce,:0.03211451321840286 and:0.013951757922768593 R.:0.010513687506318092 A:0.010280819609761238 :0.5426267385482788 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +trict:0.09509607404470444 tance:0.0880638062953949 ¬:0.013340258039534092 posed:0.013180024921894073 :0.553800642490387 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +the:0.02321665920317173 a:0.0128594059497118 to:0.009145733900368214 of:0.007971643470227718 :0.45189908146858215 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +body:0.039112694561481476 source:0.02888735942542553 object:0.02338591404259205 feature:0.02316194772720337 :0.1498698741197586 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +new:0.04515445604920387 cured:0.04092695936560631 of:0.028164362534880638 cured,:0.02589298225939274 :0.2360711246728897 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.28359225392341614 to:0.09264831244945526 the:0.08296723663806915 of:0.06010662764310837 :0.05992184951901436 +Carolina:0.24945464730262756 Dakota.:0.04611166939139366 Carolina,:0.045227084308862686 Carolina.:0.02467072755098343 :0.16036924719810486 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.22618913650512695 they:0.08690418303012848 you:0.04926444590091705 it:0.045547302812337875 :0.07598232477903366 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +John:0.02419145032763481 J:0.021196261048316956 William:0.019821150228381157 W.:0.018852848559617996 :0.3762859106063843 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.2174387276172638 shall:0.0610162578523159 to:0.049911800771951675 or:0.039856985211372375 :0.05780995637178421 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +stitution:0.14737053215503693 gress:0.127506822347641 vention:0.08307178318500519 gress,:0.004407152067869902 :0.5562925934791565 +and:0.21547852456569672 in:0.15137502551078796 was:0.044294606894254684 or:0.04425377398729324 :0.046935051679611206 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +tance:0.11943025141954422 tant:0.10985413938760757 charge:0.05891687422990799 trict:0.04066450893878937 :0.3773779273033142 +of:0.05284084379673004 the:0.03313473239541054 to:0.021674156188964844 and:0.019749531522393227 :0.3066294491291046 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.04517974331974983 to:0.011661102063953876 the:0.01155017502605915 as:0.011052546091377735 :0.3198131322860718 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.32489362359046936 and:0.07678443938493729 at:0.05198216065764427 in:0.05145728960633278 :0.041662875562906265 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +to:0.6676996350288391 the:0.03688574582338333 at:0.01861940324306488 a:0.017663786187767982 :0.058274488896131516 +and:0.13729344308376312 where:0.05509946867823601 from:0.0443192720413208 between:0.03655719384551048 :0.11178404837846756 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +and:0.25975942611694336 but:0.043823350220918655 the:0.04368521645665169 he:0.01628817245364189 :0.026333104819059372 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06941875070333481 most:0.024192556738853455 ready:0.01777956448495388 a:0.016272518783807755 :0.2831505835056305 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +between:0.24448734521865845 in:0.13205261528491974 of:0.13088148832321167 is:0.03719990327954292 :0.03374578431248665 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +L:0.03485645353794098 L.:0.02572566829621792 B:0.013335958123207092 D:0.011518541723489761 :0.5573031902313232 +as:0.18127653002738953 before:0.07049638032913208 a:0.031264595687389374 what:0.028902577236294746 :0.08034498989582062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.08422514796257019 on:0.0737541988492012 for:0.05025789514183998 the:0.0405372753739357 :0.11364579200744629 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09108312427997589 he:0.07977528870105743 they:0.07321390509605408 it:0.054794903844594955 :0.08076339215040207 +of:0.23758269846439362 are:0.06531527638435364 and:0.06091810762882233 in:0.05190008506178856 :0.06075957417488098 +of:0.5165407657623291 and:0.05205746740102768 to:0.030140778049826622 ot:0.01256166398525238 :0.05942844599485397 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.24771183729171753 up:0.1699291616678238 the:0.09326715767383575 and:0.030039150267839432 :0.06442498415708542 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +the:0.09335753321647644 and:0.07411965727806091 but:0.05493408814072609 that:0.04702237993478775 :0.04281950742006302 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.3013313114643097 a:0.1078534871339798 and:0.07149175554513931 the:0.06334428489208221 :0.042909760028123856 +and:0.1895952969789505 of:0.13426394760608673 are:0.04888759180903435 in:0.04014021158218384 :0.03957891836762428 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.2233465313911438 to:0.1244933009147644 that:0.07809478044509888 how:0.050494205206632614 :0.05000244826078415 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +names:0.03589954599738121 name:0.03073607198894024 duty:0.01189972460269928 life:0.007385508622974157 :0.18951663374900818 +and:0.15707692503929138 of:0.15200014412403107 in:0.08252240717411041 to:0.05247116461396217 :0.05575787276029587 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +at:0.28272220492362976 that:0.18229039013385773 to:0.1033955067396164 by:0.050945717841386795 :0.03552550449967384 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.20770099759101868 for:0.15663403272628784 and:0.1141413003206253 the:0.03244435414671898 :0.0898541584610939 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06380187720060349 to:0.05639765411615372 about:0.03288977965712547 by:0.021858371794223785 :0.19891099631786346 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +miles:0.10235850512981415 and:0.04749308526515961 numbered:0.044818855822086334 of:0.028145043179392815 :0.283606618642807 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.17502789199352264 that:0.027370847761631012 but:0.026165224611759186 the:0.02609897032380104 :0.06113823503255844 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +the:0.4774787724018097 said:0.06674261391162872 with:0.044080715626478195 tho:0.01826210878789425 :0.04593053087592125 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.8356828093528748 and:0.03129424899816513 of:0.018138304352760315 lo:0.006118444725871086 :0.008241700939834118 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +The:0.12681174278259277 It:0.04850458353757858 I:0.04500853642821312 He:0.02988055907189846 :0.18675687909126282 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.1383647322654724 It:0.0915595293045044 There:0.04085911065340042 In:0.032943736761808395 :0.08243443071842194 +most:0.004711432848125696 said:0.004265387076884508 State:0.0036733115557581186 last:0.003591791959479451 :0.4776182472705841 +of:0.18774156272411346 in:0.06975734978914261 to:0.05827110633254051 was:0.0564400888979435 :0.054718710482120514 +The:0.13455528020858765 It:0.08402557671070099 This:0.037855688482522964 Mr.:0.03330927714705467 :0.12403712421655655 +to:0.3021582365036011 out:0.06120162829756737 for:0.04242164269089699 the:0.04075115919113159 :0.05249616131186485 +of:0.08833398669958115 and:0.06783279776573181 in:0.02503863349556923 to:0.02404504269361496 :0.11131008714437485 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12733276188373566 of:0.06421270966529846 is:0.05032312870025635 in:0.030420608818531036 :0.1516050100326538 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.1217530220746994 to:0.06537255644798279 of:0.045177605003118515 will:0.028246913105249405 :0.09633772075176239 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.19534318149089813 per:0.08395734429359436 in:0.034963566809892654 on:0.0347171276807785 :0.10120140016078949 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +The:0.13536228239536285 He:0.05070299282670021 This:0.04574792459607124 A:0.03919539228081703 :0.1648455113172531 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +of:0.6799360513687134 in:0.044010695070028305 ot:0.011287801899015903 for:0.011098597198724747 :0.03818488121032715 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.28323182463645935 and:0.07812733948230743 was:0.025506125763058662 to:0.021945159882307053 :0.06396099925041199 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15501675009727478 and:0.06489306688308716 of:0.043865859508514404 to:0.027999147772789 :0.14150798320770264 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.19507813453674316 and:0.13109560310840607 are:0.04226977750658989 to:0.03752933442592621 :0.040514539927244186 +of:0.2758045196533203 and:0.04868742823600769 is:0.04070214182138443 tax:0.03347909078001976 :0.029984328895807266 +that:0.06399282813072205 much:0.029552403837442398 to:0.02310137264430523 far:0.01974666491150856 :0.3096367120742798 +and:0.2824644446372986 but:0.050276681780815125 the:0.04483289644122124 which:0.022338373586535454 :0.03714556246995926 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.16898122429847717 which:0.036528658121824265 the:0.03525461629033089 who:0.025657711550593376 :0.06535379588603973 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +visions:0.02911227196455002 vided:0.025965392589569092 vide:0.023712672293186188 mote:0.020524457097053528 :0.5747564435005188 +of:0.22360360622406006 and:0.06115203723311424 club:0.03846074268221855 in:0.02650274522602558 :0.17283426225185394 +a:0.05646935850381851 one:0.04287346825003624 two:0.04253881052136421 of:0.03127557039260864 :0.1460990607738495 +of:0.2463279813528061 on:0.07526092976331711 in:0.054118379950523376 to:0.048249952495098114 :0.06781785935163498 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +of:0.77735835313797 on:0.02093672752380371 ot:0.014871119521558285 in:0.013753765262663364 :0.013369412161409855 +A.:0.31980082392692566 1910,:0.07343195378780365 1909,:0.050485048443078995 and:0.02700967527925968 :0.24086138606071472 +the:0.26221272349357605 a:0.16365563869476318 and:0.034247130155563354 their:0.027281323447823524 :0.07034668326377869 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.5165407657623291 and:0.05205746740102768 to:0.030140778049826622 ot:0.01256166398525238 :0.05942844599485397 +of:0.34997066855430603 and:0.060746628791093826 Hall,:0.02116592787206173 to:0.01802997663617134 :0.15505023300647736 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.13230755925178528 It:0.10266155004501343 I:0.048015058040618896 He:0.04365404695272446 :0.2613324522972107 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.15996217727661133 He:0.061336878687143326 It:0.05103028938174248 In:0.04314839467406273 :0.1048242524266243 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.04628949984908104 .:0.044188495725393295 per:0.037794675678014755 o'clock:0.035779763013124466 :0.31152164936065674 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2887149751186371 line:0.03762117773294449 and:0.030231181532144547 guard:0.02232513576745987 :0.07054842263460159 +to:0.7259751558303833 and:0.024211324751377106 in:0.0083204610273242 for:0.007144064176827669 :0.07506390661001205 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +and:0.1317182034254074 but:0.11612867563962936 however,:0.0376477986574173 as:0.03634929656982422 :0.03652791678905487 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +and:0.12348363548517227 the:0.03598422557115555 but:0.032465897500514984 as:0.029312582686543465 :0.06743485480546951 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.26103338599205017 is:0.10588032007217407 and:0.054314110428094864 was:0.037212565541267395 :0.0677223727107048 +the:0.1550878882408142 a:0.12151511758565903 it:0.04871528968214989 no:0.03772112354636192 :0.051652174443006516 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +it:0.22918331623077393 necessary:0.19218797981739044 the:0.03960341960191727 expedient:0.033465348184108734 :0.15306363999843597 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.0774930864572525 mean:0.047763481736183167 the:0.029351435601711273 have:0.023352237418293953 :0.20207269489765167 +and:0.20362208783626556 the:0.072092704474926 in:0.035429392009973526 France:0.025282615795731544 :0.15840820968151093 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.08174391835927963 and:0.057781882584095 to:0.031907565891742706 in:0.030581017956137657 :0.1585625261068344 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +on:0.12287859618663788 was:0.08679907023906708 and:0.0692053809762001 in:0.05048644542694092 :0.06126648932695389 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.14951977133750916 of:0.14342951774597168 at:0.0603761188685894 in:0.04960692673921585 :0.100852832198143 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +the:0.2296062707901001 up:0.05110275000333786 a:0.04579479619860649 with:0.04499233886599541 :0.0686744749546051 +of:0.3725869655609131 to:0.08517558872699738 that:0.047408752143383026 a:0.035384152084589005 :0.07012268155813217 +in:0.04786558449268341 the:0.04652328044176102 than:0.03867752104997635 he:0.027641642838716507 :0.11937694251537323 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06934506446123123 dark,:0.04416106268763542 but:0.021205758675932884 dark:0.018971748650074005 :0.3069625794887543 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +and:0.05887465924024582 care:0.02287605218589306 supply:0.009058615192770958 source:0.008881347253918648 :0.4294411540031433 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21902954578399658 or:0.036146458238363266 but:0.03379480913281441 the:0.01876230351626873 :0.20445404946804047 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +of:0.22871561348438263 that:0.10742455720901489 from:0.09281153976917267 are:0.04131464660167694 :0.052815113216638565 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +bunch:0.021271515637636185 and:0.01906365342438221 as:0.012179591692984104 men:0.007552051451057196 :0.2872062921524048 +the:0.06537636369466782 him:0.02609352208673954 by:0.02464793436229229 and:0.02329963631927967 :0.32381880283355713 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +cept:0.06194410100579262 tion:0.05410385876893997 count:0.053120605647563934 cording:0.052240174263715744 :0.5606041550636292 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +that:0.25765642523765564 to:0.15563608705997467 of:0.11096830666065216 the:0.03165218234062195 :0.06813865154981613 +to:0.13410894572734833 and:0.10432608425617218 of:0.061392638832330704 in:0.043343935161828995 :0.08797402679920197 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +The:0.041893601417541504 and:0.014468185603618622 I:0.013133923523128033 Mr.:0.01278724242001772 :0.09254107624292374 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +the:0.16866399347782135 tho:0.020754601806402206 this:0.01912689208984375 a:0.01465673092752695 :0.2776191234588623 +States:0.13365252315998077 States,:0.05447414144873619 Pacific:0.03419551998376846 people:0.024632528424263 :0.24005624651908875 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +own:0.038524992763996124 duties:0.009967952035367489 respective:0.009679078124463558 present:0.0060130092315375805 :0.30147868394851685 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06706920266151428 morning:0.06258843839168549 afternoon:0.05232173949480057 in:0.03775777295231819 :0.11737789958715439 +I:0.22401617467403412 1:0.03740827366709709 and:0.036914318799972534 It:0.03619551658630371 :0.206478089094162 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +the:0.13493818044662476 a:0.10850495100021362 place:0.07508259266614914 up:0.037724949419498444 :0.06988222897052765 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +and:0.01731930673122406 conditions,:0.01428891345858574 option:0.01417049765586853 authorities:0.009298251941800117 :0.26643726229667664 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +of:0.25884032249450684 were:0.04853994399309158 are:0.04525988921523094 and:0.043471917510032654 :0.0684623122215271 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.14326296746730804 for:0.11291757971048355 a:0.03633885830640793 and:0.03544073551893234 :0.1066121980547905 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.1753271073102951 a:0.04256938025355339 tho:0.028393622487783432 this:0.016148271039128304 :0.2590109407901764 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +viz::0.4299854636192322 and:0.15801501274108887 together:0.03654306381940842 or:0.036453086882829666 :0.057399775832891464 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +o'clock:0.09542298316955566 .:0.08899648487567902 and:0.031238321214914322 p.:0.030843660235404968 :0.2869656980037689 +own:0.042217034846544266 family:0.012221894226968288 little:0.006148523651063442 power:0.005028221756219864 :0.48818182945251465 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.13058777153491974 to:0.042502835392951965 is:0.0391644649207592 will:0.02743174321949482 :0.1432691514492035 +the:0.04808016121387482 I:0.011621583253145218 all:0.007858896628022194 in:0.007563869468867779 :0.33830025792121887 +the:0.17123903334140778 a:0.08701403439044952 that:0.06825298070907593 him:0.06086057797074318 :0.08613831549882889 +of:0.32847756147384644 and:0.15136770904064178 to:0.0546676330268383 in:0.0440385676920414 :0.09591709822416306 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.08422514796257019 on:0.0737541988492012 for:0.05025789514183998 the:0.0405372753739357 :0.11364579200744629 +forth:0.1730523407459259 the:0.081771120429039 up:0.05758209899067879 of:0.039669256657361984 :0.08867422491312027 +in:0.14222975075244904 to:0.10811788588762283 In:0.10731232166290283 on:0.0843692421913147 :0.1597747802734375 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21745577454566956 the:0.05141180753707886 but:0.022280510514974594 with:0.01642935536801815 :0.06264171004295349 +to:0.3157949447631836 of:0.2419411838054657 and:0.04574102908372879 that:0.038140375167131424 :0.032269347459077835 +of:0.27974703907966614 and:0.11922278255224228 in:0.06153525412082672 were:0.037230923771858215 :0.05748127028346062 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.14352943003177643 but:0.042942363768815994 the:0.03524655103683472 he:0.03175494819879532 :0.09271018952131271 +to:0.09241126477718353 much:0.0923163890838623 the:0.07018166035413742 they:0.04669634997844696 :0.0905555784702301 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.06854570657014847 by:0.06419425457715988 the:0.05860687792301178 on:0.05542914569377899 :0.07539240270853043 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +down:0.06690099090337753 and:0.06573210656642914 was:0.04260437935590744 in:0.035349857062101364 :0.05929188057780266 +much:0.060438334941864014 large:0.030048377811908722 few:0.023406822234392166 little:0.020111270248889923 :0.25209179520606995 +and:0.11875899136066437 were:0.07916088402271271 to:0.050814807415008545 of:0.04663722589612007 :0.09942255169153214 +vanced:0.13190989196300507 vantage:0.06024985387921333 vice:0.038383226841688156 ministration:0.033063601702451706 :0.4695376753807068 +was:0.030699308961629868 and:0.02344561740756035 in:0.020099323242902756 of:0.01918940059840679 :0.20416270196437836 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.05707105994224548 in:0.04499639570713043 from:0.028101393952965736 at:0.020579710602760315 :0.2708759903907776 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.12097907811403275 water:0.04420799762010574 weather:0.04394588619470596 in:0.027349617332220078 :0.1707584112882614 +the:0.0363941565155983 to:0.024851322174072266 of:0.023006413131952286 a:0.01671942137181759 :0.316864013671875 +to:0.9499707221984863 lo:0.004713469184935093 as:0.003182072890922427 the:0.0017243818147107959 :0.008553406223654747 +,000:0.04327491298317909 to:0.03644832596182823 feet:0.030103137716650963 miles:0.02927570231258869 :0.23654413223266602 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +and:0.11563700437545776 to:0.032642852514982224 in:0.02066224440932274 was:0.016323424875736237 :0.1944037526845932 +be:0.32339075207710266 have:0.1118280217051506 not:0.04052066430449486 bo:0.011508902534842491 :0.06562238186597824 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +John:0.02419145032763481 J:0.021196261048316956 William:0.019821150228381157 W.:0.018852848559617996 :0.3762859106063843 +John:0.025909343734383583 J:0.018839804455637932 Dodge:0.016240602359175682 James:0.016236329451203346 :0.5445407032966614 +of:0.11340732127428055 and:0.09582848101854324 in:0.03488979488611221 to:0.031564537435770035 :0.1485835611820221 +the:0.1381651908159256 from:0.129448801279068 to:0.06787585467100143 over:0.05412851274013519 :0.07573799043893814 +to:0.2669210731983185 the:0.1901177018880844 of:0.04885933920741081 and:0.02098325826227665 :0.031040627509355545 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10521112382411957 to:0.06929780542850494 for:0.032178930938243866 on:0.02582809515297413 :0.10547483712434769 +a:0.18139468133449554 the:0.07975997775793076 to:0.07243608683347702 an:0.03244724124670029 :0.053766511380672455 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +of:0.3072054386138916 Court,:0.04606325924396515 Court:0.0373348742723465 in:0.03561560809612274 :0.1134975329041481 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.22281931340694427 a:0.03829232603311539 in:0.03676082566380501 as:0.034089356660842896 :0.04466291144490242 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tion:0.29448527097702026 tion,:0.04924976825714111 tions:0.0185624361038208 tion.:0.015007865615189075 :0.5171404480934143 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.09299468249082565 voters:0.08615584671497345 as:0.07278067618608475 and:0.06748144328594208 :0.16354091465473175 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +and:0.26447051763534546 dollars:0.05790615826845169 yards:0.05209307745099068 feet:0.020143795758485794 :0.1843247413635254 +The:0.10861974954605103 It:0.050206199288368225 There:0.045055415481328964 This:0.03772319480776787 :0.14358016848564148 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +and:0.07414751499891281 floral:0.060283027589321136 young:0.02498686872422695 in:0.012302358634769917 :0.2652178704738617 +of:0.25337982177734375 and:0.07479864358901978 who:0.04887881875038147 are:0.04753917455673218 :0.04668457433581352 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +the:0.024223091080784798 .:0.011393777094781399 a:0.009942426346242428 and:0.009041366167366505 :0.48754915595054626 +of:0.12257449328899384 in:0.10676420480012894 where:0.10107353329658508 the:0.043385475873947144 :0.05572409927845001 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +of:0.18483556807041168 is:0.13229332864284515 that:0.09489663690328598 to:0.07080807536840439 :0.043118320405483246 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.18850286304950714 and:0.12233567237854004 was:0.0363374724984169 in:0.03213268518447876 :0.0614018552005291 +and:0.0694551020860672 at:0.06625343859195709 of:0.06393328309059143 the:0.05043325573205948 :0.09634993970394135 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +the:0.19908306002616882 a:0.022905383259058 tha:0.014309346675872803 tho:0.013461406342685223 :0.49763715267181396 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.24774517118930817 to:0.06037888303399086 that:0.05739741772413254 was:0.04372253268957138 :0.0509672574698925 +for:0.07909507304430008 and:0.06470844894647598 of:0.03731045499444008 to:0.03667397424578667 :0.1556003838777542 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.137745663523674 against:0.10893409699201584 is:0.05618192255496979 the:0.05560806766152382 :0.050542522221803665 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.4585905969142914 and:0.051515135914087296 to:0.04344268888235092 in:0.04034098610281944 :0.03504631295800209 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +possible:0.060810770839452744 proved:0.03929072618484497 portant:0.0353386253118515 pressed:0.033830367028713226 :0.42619141936302185 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.2290193736553192 to:0.08472246676683426 and:0.06672198325395584 in:0.056089021265506744 :0.03998157009482384 +is:0.08458858728408813 and:0.08118618279695511 in:0.07224512845277786 to:0.03802649304270744 :0.06991125643253326 +Newton:0.03301376849412918 and:0.030706973746418953 H.:0.025204509496688843 W.:0.017540598288178444 :0.4192749261856079 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +The:0.11927134543657303 It:0.04749399051070213 I:0.036111459136009216 In:0.03250967711210251 :0.18097898364067078 +by:0.0991608127951622 in:0.07434986531734467 to:0.06434772908687592 for:0.03621973469853401 :0.03778068721294403 +of:0.5926404595375061 not:0.022749166935682297 to:0.020197303965687752 for:0.015150528401136398 :0.061020251363515854 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +miles:0.10235850512981415 and:0.04749308526515961 numbered:0.044818855822086334 of:0.028145043179392815 :0.283606618642807 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +are:0.10860337316989899 and:0.10065050423145294 were:0.05247322842478752 of:0.05173395574092865 :0.04982670396566391 +per:0.22532419860363007 a:0.179581418633461 for:0.07945632934570312 to:0.04639904946088791 :0.09000465273857117 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.10200776904821396 a:0.0657939687371254 them:0.05480276420712471 him:0.04573249816894531 :0.07286142557859421 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +the:0.1389428824186325 a:0.11077185720205307 any:0.08829245716333389 it:0.051393061876297 :0.03359292820096016 +of:0.3062078654766083 the:0.07091522961854935 made:0.04057279974222183 was:0.03658711537718773 :0.04815151169896126 +to:0.13447177410125732 and:0.09580687433481216 the:0.08887651562690735 for:0.03164676949381828 :0.139579638838768 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +bers:0.4095819294452667 ber:0.07713443785905838 ory:0.036569491028785706 ben:0.010688159614801407 :0.36640146374702454 +The:0.0765189677476883 It:0.06585008651018143 In:0.048254892230033875 I:0.03126721829175949 :0.2654252052307129 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.03395142778754234 and:0.028518743813037872 to:0.024873387068510056 .:0.01967718079686165 :0.20353689789772034 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6987711191177368 and:0.08974148333072662 in:0.02372860722243786 or:0.01586342602968216 :0.024397194385528564 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.26373788714408875 and:0.07556350529193878 was:0.061192288994789124 to:0.023377327248454094 :0.08767706155776978 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.021379096433520317 the:0.02009650692343712 .:0.014783207327127457 a:0.01469653844833374 :0.31858542561531067 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3035999536514282 the:0.08705413341522217 and:0.060910917818546295 in:0.03101264499127865 :0.05060737207531929 +that:0.3057287633419037 a:0.11404867470264435 the:0.07526559382677078 how:0.03739549219608307 :0.03717785328626633 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.22644837200641632 there:0.0620565228164196 we:0.03155055642127991 it:0.03080686181783676 :0.076732337474823 +the:0.37784305214881897 tho:0.04416779801249504 this:0.039214838296175 a:0.024165311828255653 :0.10123487561941147 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +than:0.21848899126052856 a:0.0398830883204937 the:0.027614155784249306 an:0.016507355496287346 :0.1966899037361145 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +15,:0.05327441170811653 1910,:0.03360042721033096 and:0.0321321077644825 in:0.0189342200756073 :0.45095503330230713 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ready:0.18694446980953217 ways:0.15821409225463867 most:0.1147259846329689 lowed:0.09211716800928116 :0.18354153633117676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.0743308886885643 in:0.056348931044340134 to:0.04556026682257652 for:0.037553347647190094 :0.0627879649400711 +fully:0.2608959376811981 ful:0.21030619740486145 ive:0.010385425761342049 the:0.008214203640818596 :0.3469410240650177 +the:0.05222076177597046 it:0.02065480314195156 a:0.020522670820355415 they:0.0169809702783823 :0.083949975669384 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3019457161426544 was:0.04862896725535393 is:0.04426603019237518 that:0.032535258680582047 :0.04322110861539841 +of:0.493901789188385 and:0.06525708734989166 the:0.033554233610630035 in:0.022031966596841812 :0.05739239603281021 +with:0.3219851851463318 by:0.12924744188785553 the:0.059905171394348145 to:0.041952893137931824 :0.04140244424343109 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +a:0.19267554581165314 is:0.08588237315416336 an:0.055009834468364716 was:0.03805885836482048 :0.10029205679893494 +and:0.10064645856618881 of:0.0979103073477745 in:0.05992624908685684 to:0.050128545612096786 :0.0604110062122345 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +The:0.12752549350261688 It:0.06921796500682831 If:0.04698643088340759 I:0.04477962478995323 :0.11288385093212128 +of:0.16562381386756897 quarter:0.06073852255940437 line:0.06067119166254997 side:0.0520031712949276 :0.13920611143112183 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +lected:0.16704373061656952 lection:0.06879684329032898 lege:0.06254612654447556 ored:0.05921081826090813 :0.4960858225822449 +The:0.20341558754444122 It:0.04587961733341217 A:0.03770894184708595 In:0.027545839548110962 :0.09465578198432922 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +try:0.48419567942619324 try,:0.20693424344062805 ty:0.05443711578845978 ties:0.03188975900411606 :0.066558338701725 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.07661786675453186 up:0.06805740296840668 on:0.03784679248929024 the:0.03691430017352104 :0.10569887608289719 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tained:0.4237712025642395 tain:0.1793816238641739 taining:0.04331391677260399 ly:0.018525050953030586 :0.2674756944179535 +to:0.34752124547958374 of:0.15927547216415405 that:0.03902610391378403 and:0.028287097811698914 :0.037116702646017075 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.22687245905399323 and:0.12738436460494995 to:0.04192154109477997 were:0.040940236300230026 :0.1062883660197258 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.319743275642395 what:0.043493274599313736 to:0.035871122032403946 was:0.032021064311265945 :0.05310627818107605 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ready:0.18694446980953217 ways:0.15821409225463867 most:0.1147259846329689 lowed:0.09211716800928116 :0.18354153633117676 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.12277387082576752 in:0.10286251455545425 the:0.08505797386169434 a:0.06530008465051651 :0.07609783113002777 +of:0.3078276515007019 and:0.1842355877161026 to:0.02993079274892807 a:0.019525444135069847 :0.07308503985404968 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +pany:0.048703599721193314 ing:0.024353833869099617 mission:0.016798842698335648 plete:0.016541285440325737 :0.5249593257904053 +D:0.1364520788192749 The:0.09935235977172852 He:0.041019488126039505 It:0.039707135409116745 :0.13324949145317078 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.18610413372516632 at:0.1666504591703415 if:0.08794475346803665 that:0.06865683943033218 :0.060529980808496475 +of:0.1782074123620987 a:0.131612166762352 the:0.06333466619253159 an:0.039423391222953796 :0.11722748726606369 +of:0.18537814915180206 to:0.08191987872123718 in:0.0630871132016182 is:0.03964659571647644 :0.03870263323187828 +the:0.13493818044662476 a:0.10850495100021362 place:0.07508259266614914 up:0.037724949419498444 :0.06988222897052765 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +most:0.004711432848125696 said:0.004265387076884508 State:0.0036733115557581186 last:0.003591791959479451 :0.4776182472705841 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.15339145064353943 for:0.11035273224115372 in:0.0412641242146492 on:0.039755288511514664 :0.06420818716287613 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.1585078239440918 above:0.14701072871685028 of:0.07936476171016693 from:0.032314009964466095 :0.05966312438249588 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.041565705090761185 and:0.027130143716931343 in:0.024048883467912674 or:0.021060707047581673 :0.40550386905670166 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +and:0.07778050750494003 J.:0.02274950034916401 B.:0.022469498217105865 A.:0.022373713552951813 :0.5078232884407043 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +lion:0.033894654363393784 of:0.031588952988386154 to:0.021142633631825447 the:0.019512755796313286 :0.20837339758872986 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +day,:0.13790659606456757 morning:0.08339006453752518 day:0.048837121576070786 and:0.02903103083372116 :0.12407872825860977 +of:0.05953359603881836 and:0.046049121767282486 for:0.01145935244858265 as:0.011032848618924618 :0.2858152389526367 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.27763575315475464 house:0.09804186224937439 to:0.083649180829525 for:0.03748065233230591 :0.05181591585278511 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05416904017329216 of:0.010686533525586128 a:0.010433074086904526 to:0.009040803648531437 :0.5023449659347534 +of:0.17814764380455017 after:0.05431090295314789 and:0.04805903509259224 before:0.04714268073439598 :0.06437655538320541 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.15854565799236298 that:0.11136793345212936 from:0.05643521249294281 a:0.05395510047674179 :0.11559946835041046 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +The:0.10024429857730865 That:0.050980497151613235 Block:0.025159241631627083 A:0.020897306501865387 :0.1376212239265442 +Co.,:0.1165633425116539 Co.:0.06794843077659607 Ohio:0.04170684516429901 O.:0.021117856726050377 :0.3415232002735138 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +of:0.6003855466842651 were:0.029250716790556908 are:0.026487283408641815 and:0.01973162218928337 :0.056546714156866074 +to:0.2246512472629547 of:0.1833111196756363 the:0.06144733726978302 a:0.056779853999614716 :0.05355501174926758 +the:0.13518795371055603 up:0.11654374748468399 down:0.060906678438186646 in:0.05568457394838333 :0.04816051945090294 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.02915973588824272 is:0.02831524796783924 was:0.025013869628310204 .:0.024830147624015808 :0.2924566864967346 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +20.:0.0945562794804573 and:0.038498230278491974 24,:0.021556753665208817 at:0.020484745502471924 :0.2596052289009094 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.26282817125320435 from:0.1312495768070221 and:0.04506470635533333 in:0.03637503460049629 :0.0367763377726078 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.2887149751186371 line:0.03762117773294449 and:0.030231181532144547 guard:0.02232513576745987 :0.07054842263460159 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +and:0.2555086314678192 the:0.07795070111751556 but:0.047234877943992615 as:0.024907900020480156 :0.1063871830701828 +to:0.06185464933514595 and:0.05670929327607155 as:0.05010996013879776 the:0.044809602200984955 :0.06061230227351189 +for:0.13095787167549133 to:0.11966285109519958 the:0.10925423353910446 him:0.07902178168296814 :0.08963747322559357 +of:0.16651839017868042 as:0.12227034568786621 in:0.09578172862529755 and:0.08598706871271133 :0.05317671224474907 +or:0.12655989825725555 who:0.08761545270681381 shall:0.059551093727350235 to:0.054939210414886475 :0.05548999831080437 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +are:0.10644610226154327 will:0.09907978028059006 can:0.09089089184999466 remember:0.06151824817061424 :0.06056125462055206 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +party:0.2615741491317749 party,:0.06269851326942444 members:0.02076302468776703 and:0.017440196126699448 :0.20155002176761627 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.16543354094028473 interest:0.10534285753965378 or:0.04066440835595131 estate,:0.04015243798494339 :0.17218294739723206 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.0743308886885643 in:0.056348931044340134 to:0.04556026682257652 for:0.037553347647190094 :0.0627879649400711 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +and:0.28501778841018677 the:0.041943635791540146 but:0.02581608109176159 as:0.01672552525997162 :0.14941814541816711 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.08761351555585861 It:0.03408653661608696 and:0.025471271947026253 There:0.022226791828870773 :0.23089580237865448 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +for:0.17171502113342285 the:0.13836008310317993 to:0.07245489209890366 a:0.0499405711889267 :0.072909876704216 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +and:0.14172089099884033 to:0.05240003764629364 in:0.042463626712560654 the:0.03927337005734444 :0.09702624380588531 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23543770611286163 and:0.09527996927499771 in:0.0357123538851738 to:0.02620706334710121 :0.07119081169366837 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.5320301651954651 as:0.029546987265348434 a:0.02576741948723793 that:0.022146031260490417 :0.10712455958127975 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2793195843696594 the:0.15954844653606415 and:0.05759980529546738 a:0.038446974009275436 :0.07565353810787201 +in:0.019620906561613083 to:0.018285922706127167 made:0.016903772950172424 a:0.015233292244374752 :0.32677894830703735 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +The:0.12752969563007355 It:0.03749348223209381 I:0.03698115423321724 He:0.030320122838020325 :0.17811663448810577 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +at:0.024841954931616783 and:0.02405170351266861 to:0.01572134904563427 do.,:0.010586912743747234 :0.4989704191684723 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.3501911461353302 the:0.0381777361035347 but:0.027481744065880775 as:0.022865718230605125 :0.045134082436561584 +of:0.3634747862815857 and:0.06938890367746353 to:0.037534598261117935 in:0.03639925271272659 :0.08602792024612427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.04433204233646393 J.:0.027358710765838623 B.:0.025559836998581886 H.:0.02197503112256527 :0.43948134779930115 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.04948995262384415 part:0.028515810146927834 and:0.0248374305665493 that:0.02310158498585224 :0.17833051085472107 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +years:0.0412781648337841 and:0.03406772390007973 per:0.03385982662439346 cents.:0.032596372067928314 :0.15755783021450043 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.4240747094154358 a:0.0635984018445015 the:0.05275452882051468 him:0.02391604706645012 :0.039335209876298904 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.038386888802051544 to:0.015392661094665527 a:0.014380856417119503 that:0.01046338863670826 :0.19328241050243378 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +United:0.009053674526512623 most:0.00795934721827507 south:0.006169058382511139 best:0.006159355863928795 :0.4783090353012085 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +bunch:0.021271515637636185 and:0.01906365342438221 as:0.012179591692984104 men:0.007552051451057196 :0.2872062921524048 +of:0.1818741261959076 line:0.0685693621635437 side:0.04635009169578552 by:0.031548671424388885 :0.1592702567577362 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +The:0.09878121316432953 He:0.08578725159168243 It:0.06496556103229523 There:0.03904278576374054 :0.0857984647154808 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +with:0.1961170881986618 from:0.08024157583713531 was:0.06847508996725082 to:0.06708841770887375 :0.05949809402227402 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.030041299760341644 the:0.029949471354484558 not:0.02223341353237629 in:0.016153693199157715 :0.23865202069282532 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.21274329721927643 the:0.21191734075546265 said:0.02831496112048626 is:0.02770109660923481 :0.05197989568114281 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14746715128421783 or:0.06688077747821808 is:0.0556170679628849 fever:0.05420845001935959 :0.13552188873291016 +the:0.1196424812078476 it:0.09143441170454025 he:0.060337964445352554 they:0.05914008989930153 :0.06929656863212585 +and:0.19520458579063416 the:0.04992794990539551 to:0.046378202736377716 but:0.03454025834798813 :0.04926062747836113 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.14564181864261627 F.:0.02288384921848774 H.:0.01941012404859066 E.:0.017880326136946678 :0.4318472743034363 +of:0.06492622196674347 to:0.05112947151064873 in:0.034206047654151917 and:0.03406486287713051 :0.1961415708065033 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +from:0.13569322228431702 and:0.07242511957883835 of:0.05713644251227379 to:0.05011510103940964 :0.20563970506191254 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +after:0.22632259130477905 to:0.03294147551059723 upon:0.030411412939429283 on:0.024315524846315384 :0.22863930463790894 +of:0.46320289373397827 and:0.07334863394498825 in:0.06320943683385849 are:0.022540178149938583 :0.03287002071738243 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +F.:0.07675160467624664 F:0.022493144497275352 &:0.014343161135911942 B.:0.012685698457062244 :0.5178675651550293 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.14926211535930634 a:0.058786433190107346 to:0.03563994914293289 two:0.024983305484056473 :0.15552571415901184 +Block:0.29171156883239746 The:0.05135305970907211 A:0.017078127712011337 Mrs.:0.01396909635514021 :0.140252023935318 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.07824710011482239 to:0.06095558777451515 and:0.05458080396056175 is:0.03414469212293625 :0.09532852470874786 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.220184788107872 but:0.05397211015224457 the:0.035074517130851746 as:0.02872452139854431 :0.059669800102710724 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +described:0.09157349169254303 the:0.06172392517328262 is:0.017040546983480453 are:0.011781981214880943 :0.20583650469779968 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +stitution:0.14737053215503693 gress:0.127506822347641 vention:0.08307178318500519 gress,:0.004407152067869902 :0.5562925934791565 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.10485868901014328 to:0.08384096622467041 the:0.06361232697963715 that:0.060886915773153305 :0.11035600304603577 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.13623400032520294 the:0.1195436492562294 little,:0.03660362958908081 no:0.03196262940764427 :0.1407635658979416 +and:0.11484579741954803 of:0.09135742485523224 is:0.07505535334348679 in:0.034790270030498505 :0.07532615214586258 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.11755698919296265 in:0.11424872279167175 a:0.11115741729736328 and:0.04673564061522484 :0.10475406795740128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ton:0.07675443589687347 the:0.026935260742902756 to:0.024769196286797523 in:0.024082060903310776 :0.19654026627540588 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +the:0.20241428911685944 a:0.04736264422535896 their:0.018576757982373238 no:0.018447404727339745 :0.208120658993721 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.021671505644917488 wife,:0.008135217241942883 wife:0.007789378985762596 family:0.007303758058696985 :0.3204125761985779 +of:0.25521302223205566 in:0.08809224516153336 and:0.07325264811515808 are:0.02568119391798973 :0.07880803197622299 +The:0.1360033005475998 He:0.05570806562900543 This:0.05145744979381561 It:0.050184208899736404 :0.06789599359035492 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.19559139013290405 had:0.058138638734817505 is:0.04658277705311775 has:0.0340050607919693 :0.09720320999622345 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.1262235790491104 be:0.03281152993440628 this:0.032629046589136124 make:0.02925747074186802 :0.2319391667842865 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +the:0.1017986536026001 it:0.054268255829811096 there:0.04979134723544121 we:0.024757005274295807 :0.08753951638936996 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +for:0.11077085882425308 over:0.09134967625141144 at:0.07904382050037384 to:0.05926445871591568 :0.0665845200419426 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.1560460776090622 It:0.04495052620768547 He:0.03555716574192047 I:0.030223848298192024 :0.08740386366844177 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.18850286304950714 and:0.12233567237854004 was:0.0363374724984169 in:0.03213268518447876 :0.0614018552005291 +on:0.1156492605805397 at:0.10576382279396057 in:0.07979512959718704 after:0.06443170458078384 :0.09340231120586395 +as:0.22332251071929932 the:0.1722494661808014 a:0.03492363914847374 in:0.03284875303506851 :0.1238463968038559 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.20978696644306183 to:0.07980762422084808 that:0.060130488127470016 was:0.056768570095300674 :0.0811181589961052 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +and:0.28557223081588745 the:0.056423041969537735 which:0.03689201921224594 or:0.03056490421295166 :0.046881116926670074 +you:0.16474248468875885 the:0.09467215090990067 me:0.04743329808115959 us:0.03822889178991318 :0.07580238580703735 +and:0.12137112766504288 or:0.07402601838111877 of:0.03249503672122955 to:0.028783978894352913 :0.13623541593551636 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.12456467747688293 and:0.09617326408624649 is:0.041349563747644424 on:0.033999715000391006 :0.049230847507715225 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +o'clock:0.09049316495656967 hundred:0.05011618137359619 months:0.04009426385164261 years:0.030146991834044456 :0.30628207325935364 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.22054986655712128 in:0.13929128646850586 for:0.044522203505039215 and:0.03464645892381668 :0.04792043939232826 +It:0.1255180388689041 The:0.10118064284324646 I:0.04302618280053139 He:0.028597088530659676 :0.17711500823497772 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21895070374011993 a:0.020146876573562622 this:0.011654040776193142 his:0.01095372810959816 :0.3006604313850403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +at:0.3181126117706299 and:0.14902131259441376 the:0.03531791269779205 in:0.01761750876903534 :0.16578300297260284 +at:0.23005011677742004 from:0.13208967447280884 and:0.07919943332672119 to:0.038347646594047546 :0.10186861455440521 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.17895379662513733 and:0.0809793546795845 for:0.052780672907829285 are:0.030185742303729057 :0.07328525185585022 +The:0.1022452786564827 the:0.05774005129933357 It:0.05540355294942856 and:0.02493281103670597 :0.21056057512760162 +and:0.10052938014268875 Jefferson:0.02484053745865822 H.:0.024582145735621452 A.:0.02353820390999317 :0.3119696378707886 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +to:0.6199829578399658 with:0.06134858727455139 at:0.031219104304909706 the:0.027771692723035812 :0.04184485599398613 +and:0.13518613576889038 is:0.05256069079041481 to:0.03936588019132614 or:0.024634208530187607 :0.2522590756416321 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +of:0.40554332733154297 or:0.12569618225097656 and:0.06314132362604141 in:0.02511419542133808 :0.02906537428498268 +The:0.08957034349441528 It:0.07569782435894012 There:0.04745880141854286 He:0.039562903344631195 :0.11468695104122162 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +tance:0.11943025141954422 tant:0.10985413938760757 charge:0.05891687422990799 trict:0.04066450893878937 :0.3773779273033142 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +of:0.5670651793479919 and:0.033333659172058105 to:0.03171975910663605 at:0.022441618144512177 :0.0397043377161026 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.1406070441007614 than:0.04897087439894676 which:0.045913416892290115 as:0.03472929447889328 :0.07620757818222046 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +the:0.1165756806731224 and:0.0972452163696289 as:0.051026832312345505 but:0.0318385474383831 :0.06083999574184418 +and:0.1312997043132782 with:0.03090536594390869 but:0.02916594222187996 where:0.023053035140037537 :0.08178405463695526 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.1631830930709839 in:0.1610974818468094 16:0.07514088600873947 which:0.029511775821447372 :0.08126868307590485 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +party:0.4173198342323303 party.:0.04050274193286896 party,:0.036084484308958054 ticket.:0.017070336267352104 :0.0838497057557106 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.1095256358385086 who:0.0777999684214592 in:0.06915444135665894 shall:0.049758441746234894 :0.05420257896184921 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +by:0.12864826619625092 and:0.11810721457004547 in:0.09037458896636963 the:0.06650472432374954 :0.07146120071411133 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.2066008597612381 the:0.03990248590707779 in:0.0364379845559597 to:0.029731474816799164 :0.14258579909801483 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +not:0.050069186836481094 the:0.028763558715581894 to:0.019223587587475777 in:0.014856607653200626 :0.22275468707084656 +that:0.02627314068377018 to:0.017589179798960686 lot:0.017139414325356483 County:0.015404368750751019 :0.38196855783462524 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.09924675524234772 a:0.07812946289777756 out:0.037293691188097 up:0.03550560027360916 :0.08932433277368546 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.05025562271475792 not:0.04520045965909958 be:0.03764525055885315 is:0.03603275865316391 :0.132454052567482 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.19544930756092072 the:0.05327155068516731 but:0.04122576117515564 or:0.04077545925974846 :0.1972409039735794 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +e:0.07255107909440994 .:0.01342118252068758 at:0.012562551535665989 the:0.010868608020246029 :0.3193801939487457 +force,:0.12161131948232651 force:0.09920625388622284 jury:0.06258352100849152 and:0.040269698947668076 :0.11268214136362076 +vanced:0.13190989196300507 vantage:0.06024985387921333 vice:0.038383226841688156 ministration:0.033063601702451706 :0.4695376753807068 +Block:0.07779770344495773 n:0.05236344784498215 n.w.:0.043545641005039215 and:0.02484782412648201 :0.40182751417160034 +of:0.2698732018470764 and:0.1770969182252884 to:0.03547756373882294 for:0.03358710929751396 :0.04889685660600662 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.19093552231788635 before:0.06705526262521744 and:0.06422775238752365 after:0.05807185545563698 :0.060839053243398666 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.6082713007926941 the:0.10577067732810974 by:0.08054985105991364 in:0.00893787108361721 :0.029170885682106018 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.44098225235939026 from:0.04504711553454399 in:0.03767617419362068 to:0.02641897089779377 :0.06668264418840408 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +into:0.11213818192481995 down:0.08825155347585678 back:0.06537410616874695 to:0.045222751796245575 :0.06717654317617416 +of:0.3160824477672577 and:0.23414841294288635 at:0.12751437723636627 or:0.07662308216094971 :0.04959842190146446 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3219875693321228 the:0.11093706637620926 to:0.043951988220214844 and:0.0387069396674633 :0.03487952798604965 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.31825682520866394 a:0.10373058170080185 to:0.04842788726091385 their:0.018796879798173904 :0.06947438418865204 +to:0.2410169094800949 in:0.14003196358680725 on:0.055239658802747726 before:0.05070158466696739 :0.050509266555309296 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.4045427441596985 the:0.08642800897359848 it:0.04791282117366791 in:0.04674803093075752 :0.03147798031568527 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +as:0.07151487469673157 the:0.06565596908330917 and:0.05670634284615517 of:0.04563610255718231 :0.0708540603518486 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +E:0.024883965030312538 Thomas:0.01716962456703186 J:0.016345219686627388 G:0.014882160350680351 :0.5307255387306213 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +west:0.534885585308075 ern:0.08353208005428314 east:0.07710028439760208 western:0.04930019751191139 :0.08485198020935059 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.3078276515007019 and:0.1842355877161026 to:0.02993079274892807 a:0.019525444135069847 :0.07308503985404968 +and:0.21045096218585968 with:0.04318690299987793 the:0.03455602750182152 but:0.025568926706910133 :0.054666317999362946 +is:0.13080894947052002 steady:0.06081785261631012 quiet:0.05115097388625145 was:0.03804769739508629 :0.18482905626296997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.047209370881319046 then:0.023598507046699524 that:0.023085681721568108 to:0.014161595143377781 :0.15831023454666138 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.16075578331947327 a:0.05780939757823944 them:0.05657171085476875 up:0.04575332626700401 :0.07369741797447205 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.31461048126220703 a:0.0463084951043129 to:0.04593939706683159 and:0.030221303924918175 :0.11062370985746384 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.1075889989733696 in:0.03606158867478371 to:0.027305761352181435 has:0.02305123768746853 :0.13348166644573212 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.0678473562002182 government:0.01990499347448349 army:0.01550846453756094 people:0.008173353038728237 :0.39286383986473083 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +to:0.5281934142112732 himself:0.0242006815969944 the:0.02219613827764988 a:0.02040184661746025 :0.09933237731456757 +(6):0.30905529856681824 years:0.038322433829307556 weeks:0.033302173018455505 or:0.02973254583775997 :0.13998039066791534 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3414742946624756 regulating:0.05620991811156273 and:0.05618700385093689 to:0.02823871374130249 :0.047023314982652664 +and:0.12963782250881195 in:0.09046222269535065 are:0.06933945417404175 have:0.04787546768784523 :0.0791294053196907 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +to:0.37192708253860474 that:0.13694731891155243 by:0.032542310655117035 in:0.027914129197597504 :0.0751318708062172 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +and:0.16943490505218506 of:0.10385981947183609 or:0.02855689451098442 from:0.02775982767343521 :0.14959901571273804 +and:0.15665936470031738 set:0.027127737179398537 long:0.023347454145550728 but:0.0223383866250515 :0.16172663867473602 +best:0.009334584698081017 said:0.0061719100922346115 same:0.005488177295774221 great:0.005201528314501047 :0.27472618222236633 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.19392432272434235 a:0.06330392509698868 the:0.04487724229693413 to:0.013993944972753525 :0.11483967304229736 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07639267295598984 f:0.015588638372719288 a:0.013496394269168377 .:0.009731282480061054 :0.28148210048675537 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.055025313049554825 as:0.017483513802289963 to:0.017465930432081223 and:0.016353726387023926 :0.20794278383255005 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.5265896320343018 and:0.11236006021499634 is:0.028026971966028214 at:0.015541810542345047 :0.027724815532565117 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +A.:0.16990342736244202 1904,:0.04030667245388031 and:0.03429676219820976 1919,:0.024795079603791237 :0.35918164253234863 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +statement:0.08145386725664139 declaration:0.05024198815226555 action:0.04081336408853531 application:0.027597948908805847 :0.1575203388929367 +after:0.12800534069538116 of:0.11116679012775421 from:0.05746030434966087 and:0.03951564058661461 :0.07066773623228073 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.1477763056755066 It:0.07141948491334915 There:0.035909369587898254 A:0.021883005276322365 :0.09096293896436691 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2838607430458069 but:0.045544084161520004 as:0.0273679718375206 the:0.027353333309292793 :0.0619850754737854 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.26447051763534546 dollars:0.05790615826845169 yards:0.05209307745099068 feet:0.020143795758485794 :0.1843247413635254 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.133014515042305 carriage:0.02256428822875023 in:0.01314119528979063 manner:0.013111326843500137 :0.3143670856952667 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +der:0.12263701111078262 til:0.10974360257387161 less:0.03549420088529587 able:0.016936486586928368 :0.39640188217163086 +for:0.18161094188690186 is:0.061963532119989395 that:0.04693479463458061 the:0.0432269386947155 :0.09315290302038193 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.12470699101686478 a:0.11340978741645813 of:0.05027633160352707 the:0.030927684158086777 :0.18414871394634247 +the:0.37784305214881897 tho:0.04416779801249504 this:0.039214838296175 a:0.024165311828255653 :0.10123487561941147 +of:0.15339145064353943 for:0.11035273224115372 in:0.0412641242146492 on:0.039755288511514664 :0.06420818716287613 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +Justice:0.10486666858196259 to:0.08391650021076202 approach:0.07238984853029251 neighbor,:0.035718582570552826 :0.1281536966562271 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +that:0.41570740938186646 in:0.08570576459169388 to:0.06308726221323013 by:0.043241966515779495 :0.0358942449092865 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +of:0.46512770652770996 and:0.057345595210790634 or:0.019963059574365616 was:0.019506465643644333 :0.040614042431116104 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.040203142911195755 a:0.010806235484778881 in:0.010769794695079327 not:0.009953010827302933 :0.6146073341369629 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +health.:0.04369505122303963 and:0.02579016424715519 the:0.0189043115824461 in:0.016815654933452606 :0.40507492423057556 +to:0.07105741649866104 that:0.06316684186458588 and:0.04864901304244995 is:0.045710239559412 :0.07137396931648254 +.:0.027055243030190468 the:0.026828497648239136 a:0.018659085035324097 n:0.01040592696517706 :0.38303980231285095 +mains:0.05822862684726715 ceived:0.029723163694143295 ceive:0.024362707510590553 sult:0.017214639112353325 :0.38897761702537537 +and:0.15840506553649902 which:0.05194912478327751 but:0.03074001334607601 with:0.026164906099438667 :0.07858958840370178 +value:0.120597705245018 that:0.10974527150392532 to:0.05704387649893761 and:0.05515408143401146 :0.15168240666389465 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05378958582878113 agricultural:0.040554214268922806 coal:0.03820689395070076 of:0.029598424211144447 :0.15505938231945038 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +o'clock:0.05684874951839447 to:0.04540402442216873 and:0.03979965299367905 per:0.025190427899360657 :0.1952810287475586 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +over:0.17416685819625854 to:0.10418988764286041 out:0.06471280753612518 toward:0.056934457272291183 :0.05457296222448349 +great:0.00823986530303955 old:0.005783307831734419 last:0.004629263188689947 most:0.004186784382909536 :0.32488879561424255 +and:0.13432778418064117 who:0.07656916230916977 but:0.0314805842936039 the:0.025896072387695312 :0.06799708306789398 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Co.,:0.1165633425116539 Co.:0.06794843077659607 Ohio:0.04170684516429901 O.:0.021117856726050377 :0.3415232002735138 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.039372075349092484 to:0.0334470234811306 deg.:0.030220065265893936 of:0.017174463719129562 :0.5989468097686768 +to:0.08091291040182114 the:0.0593298003077507 in:0.046419933438301086 two:0.03860238194465637 :0.14879217743873596 +been:0.045523807406425476 .:0.02658357471227646 I:0.017107510939240456 not:0.016336660832166672 :0.4335831105709076 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +of:0.073774054646492 the:0.06288079917430878 to:0.061198003590106964 he:0.05109679698944092 :0.08782066404819489 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.5166383981704712 In:0.1262841522693634 on:0.057502008974552155 and:0.05383125692605972 :0.03346368670463562 +same:0.007712209597229958 said:0.006420837249606848 most:0.0061573004350066185 first:0.005815976765006781 :0.3500610291957855 +the:0.6821940541267395 this:0.04357549920678139 tho:0.033120594918727875 their:0.009336842224001884 :0.036907486617565155 +of:0.5874926447868347 and:0.040446918457746506 to:0.029487719759345055 is:0.011609834618866444 :0.0656353011727333 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +fort:0.39726337790489197 forts:0.053541429340839386 fect:0.038690946996212006 ficient:0.005005333572626114 :0.4620428681373596 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11462252587080002 preparations:0.024173220619559288 program:0.013196965679526329 in:0.012018593959510326 :0.32135018706321716 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +and:0.12137112766504288 or:0.07402601838111877 of:0.03249503672122955 to:0.028783978894352913 :0.13623541593551636 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.13642063736915588 on:0.06608615070581436 to:0.05132807791233063 in:0.05085804685950279 :0.058002084493637085 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +on:0.4210287928581238 upon:0.25348958373069763 the:0.03229357302188873 his:0.015016094781458378 :0.04969187080860138 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11064009368419647 of:0.06982377171516418 the:0.04017020761966705 in:0.03813361003994942 :0.07689812779426575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3960817754268646 and:0.1154637411236763 in:0.04648928716778755 or:0.040190305560827255 :0.04412318393588066 +by:0.27397024631500244 the:0.1184888556599617 a:0.06874449551105499 him:0.03828684240579605 :0.03770023584365845 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +It:0.07562027871608734 The:0.035354144871234894 I:0.026638789102435112 If:0.02121334709227085 :0.21061979234218597 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.4437618553638458 a:0.06672762334346771 tho:0.02668524533510208 which:0.024199213832616806 :0.08421116322278976 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.15498065948486328 the:0.1017407774925232 but:0.05294215306639671 it:0.034477051347494125 :0.08442738652229309 +The:0.1548192948102951 It:0.09275556355714798 There:0.028966661542654037 I:0.028476683422923088 :0.17257905006408691 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2077713906764984 with:0.07240976393222809 was:0.04527870938181877 and:0.03409351781010628 :0.10369891673326492 +to:0.04955883324146271 is:0.025986604392528534 Cos,:0.024460745975375175 was:0.01803748682141304 :0.2687546908855438 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.16225337982177734 and:0.10901137441396713 to:0.044346775859594345 in:0.033041149377822876 :0.1081375703215599 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +that:0.31725338101387024 the:0.08928544819355011 by:0.07817497849464417 to:0.06928020715713501 :0.02459115721285343 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.4327797591686249 in:0.04280784726142883 of:0.022364560514688492 and:0.01868676207959652 :0.07020459324121475 +to:0.1077997237443924 in:0.06970445811748505 and:0.05874668061733246 of:0.05645956099033356 :0.07134217768907547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +ceived:0.01453169621527195 the:0.012149110436439514 ported:0.012097148224711418 -:0.010624353773891926 :0.4510902166366577 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +head:0.0692145824432373 restore:0.054657742381095886 head.:0.04398418590426445 heads,:0.029377594590187073 :0.12211013585329056 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.17650564014911652 It:0.09645044803619385 This:0.02587323822081089 If:0.025637811049818993 :0.17916297912597656 +the:0.3184014558792114 a:0.0816107913851738 of:0.024337613955140114 its:0.018345432355999947 :0.09039389342069626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.21184885501861572 the:0.06320330500602722 a:0.039465125650167465 it:0.02844158001244068 :0.0987531915307045 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.32879918813705444 by:0.28572890162467957 from:0.0696750283241272 the:0.02550985850393772 :0.047587864100933075 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.27813300490379333 to:0.12243355810642242 from:0.07617977261543274 in:0.03169500455260277 :0.062059152871370316 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.574257493019104 and:0.031431667506694794 this:0.022683002054691315 a:0.022534199059009552 :0.11086634546518326 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +the:0.07334409654140472 that:0.01590362936258316 to:0.014278855174779892 a:0.010561838746070862 :0.23228096961975098 +of:0.18916650116443634 to:0.08956494927406311 and:0.07819250226020813 was:0.05145617574453354 :0.07345762103796005 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.01183595135807991 only:0.00674104131758213 young:0.0061032092198729515 most:0.005756604950875044 :0.3132716119289398 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +to:0.2001229226589203 number:0.04104667901992798 by:0.0362071618437767 in:0.0336417481303215 :0.11426228284835815 +that:0.17875704169273376 the:0.05714203044772148 of:0.054255060851573944 whether:0.0507085956633091 :0.04694949835538864 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +to:0.3104757070541382 for:0.1389121413230896 the:0.09553585201501846 a:0.053013477474451065 :0.08529646694660187 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.12671911716461182 It:0.06615376472473145 In:0.04621145501732826 I:0.030287155881524086 :0.1884511262178421 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.26447051763534546 dollars:0.05790615826845169 yards:0.05209307745099068 feet:0.020143795758485794 :0.1843247413635254 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.48565128445625305 a:0.040300700813531876 the:0.03971631079912186 that:0.03636050969362259 :0.08375215530395508 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.43376392126083374 which:0.029372069984674454 or:0.02565186470746994 but:0.021003175526857376 :0.07126506417989731 +la:0.015989381819963455 scribed:0.007874476723372936 cided:0.0075001646764576435 signed:0.00633928133174777 :0.7141605019569397 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +of:0.12138956040143967 in:0.06539388746023178 from:0.06473696231842041 was:0.05794304236769676 :0.05537699908018112 +and:0.18340438604354858 the:0.057151246815919876 but:0.05698125809431076 it:0.023848462849855423 :0.06372618675231934 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.05899517983198166 by:0.05488772317767143 the:0.05180753394961357 in:0.04014145955443382 :0.20471195876598358 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +in:0.1325632631778717 with:0.06836496293544769 on:0.06508737057447433 and:0.05083273723721504 :0.04724850133061409 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +y:0.020999448373913765 ir:0.015114418230950832 the:0.007846701890230179 and:0.006353563629090786 :0.23485510051250458 +pose:0.6437402367591858 poses:0.05808477848768234 chased:0.02624644711613655 chase:0.018469076603651047 :0.20659977197647095 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +State:0.008802621625363827 United:0.008201546967029572 said:0.0067794653587043285 people:0.006412333808839321 :0.35998812317848206 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.32178351283073425 to:0.13942445814609528 on:0.03657924756407738 and:0.02974058873951435 :0.03815372660756111 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +D:0.041110094636678696 C:0.01648535765707493 D.,:0.012243960984051228 M.:0.00941298995167017 :0.5919619202613831 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.22685354948043823 and:0.1100415289402008 are:0.06259692460298538 in:0.044797010719776154 :0.0300331711769104 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.38281258940696716 and:0.10104824602603912 to:0.025558114051818848 or:0.019479751586914062 :0.03573121130466461 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +to:0.05585549399256706 and:0.03577312454581261 that:0.03230650722980499 part:0.021592574194073677 :0.31440043449401855 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +and:0.08323810994625092 Inclusive,:0.03979203477501869 inclusive,:0.03764088451862335 80:0.028066672384738922 :0.21389856934547424 +and:0.17727233469486237 or:0.11595398932695389 but:0.08601930737495422 the:0.04889894276857376 :0.0648927092552185 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.14469267427921295 and:0.060472793877124786 to:0.06026403605937958 with:0.033565446734428406 :0.10727255791425705 +to:0.2605803310871124 the:0.16463947296142578 of:0.05580434575676918 with:0.024359775707125664 :0.0555756539106369 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +to:0.4421940743923187 for:0.05860871076583862 of:0.03455626219511032 and:0.02930901199579239 :0.1019529476761818 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +described:0.0961163267493248 in:0.04506393522024155 to:0.038616351783275604 the:0.03790232539176941 :0.1484367549419403 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +that:0.5187309980392456 of:0.042454902082681656 is:0.02942841500043869 the:0.01721104420721531 :0.025107886642217636 +in:0.06264842301607132 to:0.03959148749709129 the:0.03309236094355583 and:0.031781621277332306 :0.06882259994745255 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.0924113318324089 by:0.048582032322883606 in:0.04480356723070145 the:0.04410794377326965 :0.12332148849964142 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +day:0.07925889641046524 to:0.045074693858623505 few:0.026640253141522408 morning:0.02162708342075348 :0.1902121901512146 +The:0.16977731883525848 It:0.049646779894828796 I:0.04785853251814842 He:0.0347004309296608 :0.29376405477523804 +the:0.21810327470302582 he:0.10218903422355652 they:0.098582923412323 it:0.041750259697437286 :0.0692945048213005 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.2077713906764984 with:0.07240976393222809 was:0.04527870938181877 and:0.03409351781010628 :0.10369891673326492 +and:0.22177726030349731 the:0.040342215448617935 but:0.028193140402436256 or:0.02692507952451706 :0.0723956823348999 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +been:0.16530536115169525 boon:0.07880041003227234 a:0.02594788931310177 not:0.024151669815182686 :0.12280842661857605 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.26596784591674805 the:0.039119936525821686 which:0.03286271169781685 in:0.023607710376381874 :0.07816652208566666 +the:0.1908368319272995 July:0.047594714909791946 January:0.044774334877729416 and:0.038133490830659866 :0.029214676469564438 +and:0.2156682312488556 but:0.06629597395658493 the:0.04753940552473068 as:0.020359059795737267 :0.06272640824317932 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +ordered:0.06280364841222763 the:0.05125686153769493 be:0.03500044345855713 it:0.021180439740419388 :0.11809226125478745 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.05466972663998604 It:0.0407048836350441 In:0.031509872525930405 I:0.0304943285882473 :0.19073793292045593 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.005718461237847805 said:0.00512638920918107 a:0.003990658093243837 made:0.003637519432231784 :0.770347535610199 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05087056756019592 8,:0.047922153025865555 the:0.0341063067317009 in:0.023792142048478127 :0.36805421113967896 +than:0.21848899126052856 a:0.0398830883204937 the:0.027614155784249306 an:0.016507355496287346 :0.1966899037361145 +of:0.7742573022842407 from:0.017467737197875977 ot:0.013149995356798172 that:0.01060362346470356 :0.015534867532551289 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.08419422060251236 is:0.029321009293198586 was:0.029046492651104927 has:0.020883888006210327 :0.1411276012659073 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +that:0.2851557731628418 to:0.20041529834270477 for:0.07548975944519043 the:0.06277605146169662 :0.029061973094940186 +of:0.39012423157691956 and:0.07417669892311096 as:0.027323264628648758 with:0.02433544211089611 :0.044587377458810806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +west:0.24995635449886322 east,:0.116255022585392 east:0.09161732345819473 and:0.0262210201472044 :0.10575715452432632 +years:0.08823101967573166 or:0.05565718933939934 successive:0.03600075840950012 hundred:0.032268378883600235 :0.16381484270095825 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +for:0.05622457340359688 and:0.030628152191638947 to:0.028394052758812904 in:0.026654494926333427 :0.21899718046188354 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +newspaper:0.10822466760873795 and:0.037085264921188354 review:0.02734292484819889 paper:0.022762194275856018 :0.19440120458602905 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16549210250377655 a:0.08499202877283096 money:0.04218786954879761 his:0.02490028366446495 :0.07703851908445358 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2798865735530853 a:0.1201530322432518 that:0.029402323067188263 it:0.021318797022104263 :0.08596446365118027 +mortgage:0.05769551172852516 that:0.040674857795238495 deed:0.0221566092222929 to:0.019638730213046074 :0.18850070238113403 +the:0.11529232561588287 there:0.051798541098833084 he:0.05017337203025818 followed:0.04940646141767502 :0.05004606395959854 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.20278580486774445 with:0.04616503790020943 by:0.039080660790205 and:0.03841574117541313 :0.1279960721731186 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +and:0.2256765067577362 with:0.03666495159268379 but:0.034589823335409164 the:0.03098706528544426 :0.07412516325712204 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.03231608122587204 or:0.014931906946003437 treatment.:0.012502653524279594 colleges:0.011060512624680996 :0.27013254165649414 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +and:0.1606997549533844 was:0.026514701545238495 to:0.019574690610170364 &:0.013721429742872715 :0.29993921518325806 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.10687615722417831 and:0.014443784020841122 to:0.007893938571214676 street:0.00500584626570344 :0.7561454176902771 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14543794095516205 a:0.09128256142139435 and:0.06139746308326721 of:0.056756194680929184 :0.058599475771188736 +years:0.058412518352270126 minutes:0.05346722528338432 hundred:0.04179952293634415 days:0.03675773739814758 :0.21952679753303528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.38212472200393677 a:0.03946579247713089 tho:0.02761249616742134 his:0.0253656804561615 :0.13352790474891663 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +of:0.030256561934947968 .:0.028861213475465775 the:0.018007759004831314 to:0.017703771591186523 :0.28842517733573914 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16836853325366974 us:0.1649417132139206 me:0.08536612242460251 them:0.06967572867870331 :0.08817385137081146 +of:0.08323541283607483 at:0.06200195476412773 and:0.05600987374782562 the:0.04563430696725845 :0.09079239517450333 +ceived:0.01453169621527195 the:0.012149110436439514 ported:0.012097148224711418 -:0.010624353773891926 :0.4510902166366577 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +has:0.0630265474319458 and:0.05439981073141098 of:0.05134031921625137 to:0.05008210614323616 :0.05919277295470238 +the:0.24142062664031982 it:0.08394572138786316 that:0.06933771073818207 a:0.026904551312327385 :0.05016987770795822 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +It:0.07562027871608734 The:0.035354144871234894 I:0.026638789102435112 If:0.02121334709227085 :0.21061979234218597 +of:0.3200140595436096 from:0.12838290631771088 and:0.029768075793981552 to:0.024461131542921066 :0.05799908563494682 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.13225260376930237 County,:0.08166983723640442 county,:0.021238259971141815 at:0.021093742921948433 :0.350102961063385 +between:0.24448734521865845 in:0.13205261528491974 of:0.13088148832321167 is:0.03719990327954292 :0.03374578431248665 +to:0.13447177410125732 and:0.09580687433481216 the:0.08887651562690735 for:0.03164676949381828 :0.139579638838768 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +to:0.05331512168049812 the:0.051647886633872986 and:0.04689529910683632 vote:0.039751309901475906 :0.18228040635585785 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +in:0.14199188351631165 the:0.11901897937059402 their:0.06233012303709984 a:0.03106987662613392 :0.04143165424466133 +and:0.07213874161243439 shall:0.06478440761566162 to:0.044255536049604416 in:0.042434211820364 :0.06780395656824112 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +a:0.05025562271475792 not:0.04520045965909958 be:0.03764525055885315 is:0.03603275865316391 :0.132454052567482 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.10848511755466461 and:0.09713220596313477 who:0.04373186454176903 was:0.03841298073530197 :0.08283012360334396 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +of:0.07334441691637039 were:0.06817621737718582 are:0.06413878500461578 and:0.060894548892974854 :0.04488365724682808 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +to:0.12405265122652054 that:0.06702939420938492 a:0.06196413189172745 by:0.05722995102405548 :0.05389298126101494 +of:0.1691688597202301 and:0.057515375316143036 the:0.05119940638542175 to:0.04670627787709236 :0.04199730604887009 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +ing:0.5340243577957153 ed:0.07659119367599487 ers:0.03699561581015587 er:0.03224386274814606 :0.05258546397089958 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.06466630101203918 that:0.05212879180908203 is:0.0419280081987381 the:0.036077819764614105 :0.0535803958773613 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.027771001681685448 government:0.026833780109882355 fleet:0.018276723101735115 Government:0.018250303342938423 :0.2583991587162018 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +ter:0.8702651262283325 ter.:0.013453366234898567 ter,:0.009357542730867863 tering:0.003213426796719432 :0.06567404419183731 +.:0.013393723405897617 of:0.008471902459859848 and:0.00832169596105814 to:0.005657095927745104 :0.6854287981987 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.06758831441402435 school:0.06458563357591629 law:0.043077871203422546 with:0.02354290336370468 :0.18014854192733765 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +to:0.49444082379341125 the:0.05683133751153946 by:0.04154195263981819 in:0.03693263977766037 :0.03419162333011627 +of:0.3019457161426544 was:0.04862896725535393 is:0.04426603019237518 that:0.032535258680582047 :0.04322110861539841 +in:0.5166383981704712 In:0.1262841522693634 on:0.057502008974552155 and:0.05383125692605972 :0.03346368670463562 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1630878895521164 it:0.07275082170963287 he:0.06501879543066025 they:0.05196529999375343 :0.11972366273403168 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +The:0.13663560152053833 It:0.04555925726890564 A:0.04207731783390045 She:0.032889824360609055 :0.10712946206331253 +and:0.09899178892374039 county:0.08706900477409363 County,:0.0759962946176529 County:0.03626924008131027 :0.09760402143001556 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.7431339025497437 that:0.02961248904466629 the:0.014369390904903412 to,:0.011449205689132214 :0.033485230058431625 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +and:0.1457427591085434 on:0.039450082927942276 at:0.031197242438793182 in:0.030660193413496017 :0.12590709328651428 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +rected:0.23408149182796478 rectly:0.15626506507396698 rection:0.05649876594543457 rect:0.044358864426612854 :0.4028432369232178 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.40018919110298157 and:0.21188032627105713 to:0.043726857751607895 in:0.02604239620268345 :0.022273702546954155 +M:0.012493905611336231 M.:0.011368554085493088 F.:0.009944504126906395 A:0.009774581529200077 :0.6336593627929688 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.21781373023986816 of:0.1517701894044876 in:0.07983104139566422 to:0.058596156537532806 :0.0440913625061512 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3219875693321228 the:0.11093706637620926 to:0.043951988220214844 and:0.0387069396674633 :0.03487952798604965 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +the:0.03379298001527786 of:0.01957090012729168 in:0.016369620338082314 to:0.01619233936071396 :0.2765377461910248 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +The:0.03802361711859703 I:0.03024756722152233 'The:0.01613570563495159 the:0.01491854153573513 :0.2746899724006653 +the:0.4774787724018097 said:0.06674261391162872 with:0.044080715626478195 tho:0.01826210878789425 :0.04593053087592125 +Mexico.:0.020107338204979897 and:0.011004953645169735 World:0.010879541747272015 Bay:0.00852065160870552 :0.6455777883529663 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08397400379180908 of:0.051446810364723206 was:0.03943824768066406 to:0.023686543107032776 :0.12750451266765594 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.056354422122240067 The:0.05562644824385643 It:0.029883773997426033 and:0.021069297567009926 :0.23732206225395203 +and:0.282214879989624 of:0.2637261152267456 to:0.03334225341677666 or:0.026564262807369232 :0.04717367887496948 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +duty.:0.1288691610097885 of:0.09116726368665695 at:0.06490494310855865 and:0.039280131459236145 :0.04906519874930382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +nary:0.6319227814674377 nance:0.18536992371082306 the:0.00193618459161371 of:0.0007039473275654018 :0.14521683752536774 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.23419515788555145 the:0.038483988493680954 which:0.03669654205441475 thence:0.028240369632840157 :0.09878327697515488 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4608989655971527 what:0.07040490955114365 you,:0.03575562313199043 you:0.0307784304022789 :0.02550290897488594 +and:0.12895022332668304 to:0.04004700854420662 in:0.03268631547689438 from:0.02928912453353405 :0.31724581122398376 +the:0.025260552763938904 of:0.01236524898558855 he:0.011526447720825672 to:0.010096714831888676 :0.35219302773475647 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.448198139667511 to:0.05949351564049721 and:0.04551474750041962 along:0.04388177767395973 :0.03942093998193741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +face:0.09804246574640274 and:0.04595276340842247 faces:0.041641686111688614 face.:0.03340575471520424 :0.08139412105083466 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +house:0.14152131974697113 house,:0.07152597606182098 houses:0.07121509313583374 house.:0.05311936140060425 :0.09258100390434265 +and:0.10064645856618881 of:0.0979103073477745 in:0.05992624908685684 to:0.050128545612096786 :0.0604110062122345 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.16638770699501038 It:0.07426749914884567 I:0.05281035229563713 There:0.03480953723192215 :0.19508148729801178 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14932267367839813 the:0.03795989602804184 but:0.036402616649866104 no:0.01973560079932213 :0.05291253328323364 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.05242316052317619 and:0.021311257034540176 to:0.020302806049585342 in:0.019150804728269577 :0.35194724798202515 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +condition:0.0439884290099144 and:0.03745875880122185 difficulties:0.016786154359579086 institutions:0.016602864488959312 :0.26524990797042847 +by:0.2449275553226471 to:0.1498766541481018 a:0.06074894592165947 in:0.048274971544742584 :0.05070263519883156 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +out:0.14078548550605774 into:0.082265704870224 forward:0.06112291291356087 on:0.0531688891351223 :0.0435500293970108 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +til:0.04039394110441208 the:0.03989577665925026 der:0.025629406794905663 -:0.019070474430918694 :0.4491795003414154 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.23948703706264496 that:0.18593727052211761 and:0.08476672321557999 is:0.07505033165216446 :0.03706321865320206 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +in:0.08662237972021103 a:0.06087424233555794 and:0.06025237590074539 by:0.0421292819082737 :0.17480136454105377 +rested:0.18461152911186218 rest:0.04442518949508667 rival:0.028233401477336884 ranged:0.020722946152091026 :0.6163631677627563 +That:0.08870473504066467 The:0.0691765695810318 Any:0.05774805322289467 And:0.03694302216172218 :0.20959678292274475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.07243285328149796 and:0.03730746731162071 No.:0.02947203628718853 to:0.025890599936246872 :0.16791635751724243 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14205831289291382 will:0.09521957486867905 was:0.08170156925916672 on:0.045094266533851624 :0.07485847175121307 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11417123675346375 man:0.055007945746183395 man,:0.04073223099112511 men:0.028318433091044426 :0.2058454155921936 +cent:0.2180129438638687 cent,:0.11127305030822754 cent.:0.07944681495428085 annum,:0.028811637312173843 :0.15206146240234375 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 +National:0.22193019092082977 Ward:0.02619459293782711 street:0.024727603420615196 and:0.021925585344433784 :0.18823011219501495 +the:0.21838386356830597 with:0.060296449810266495 by:0.05426163226366043 him:0.04528031498193741 :0.057282689958810806 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.0810123011469841 to:0.037605833262205124 in:0.03342092037200928 of:0.033125847578048706 :0.1540997475385666 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.3163507282733917 a:0.04407695308327675 any:0.03831585496664047 its:0.026696395128965378 :0.1429099589586258 +value:0.120597705245018 that:0.10974527150392532 to:0.05704387649893761 and:0.05515408143401146 :0.15168240666389465 +be:0.24407616257667542 a:0.05786692723631859 any:0.021095411852002144 necessary:0.017858507111668587 :0.11120562255382538 +and:0.12156952917575836 when:0.06861329823732376 at:0.056837305426597595 on:0.038213592022657394 :0.08122055977582932 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +of:0.4131837785243988 is:0.03819044306874275 to:0.0344385951757431 was:0.019348852336406708 :0.08563942462205887 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.12356037646532059 a:0.10411839932203293 by:0.0778317004442215 in:0.06176455318927765 :0.10141408443450928 +United:0.006484805606305599 whole:0.006116136908531189 war:0.005755491554737091 said:0.0056852055713534355 :0.4067578911781311 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +mand:0.05771584063768387 grees:0.056601811200380325 scribed:0.02717684954404831 cided:0.01997390203177929 :0.5519927740097046 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +the:0.10764574259519577 and:0.10098239034414291 in:0.05960322543978691 by:0.03750813007354736 :0.0745851919054985 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.38529661297798157 the:0.07750928401947021 for:0.028541088104248047 on:0.02620549127459526 :0.06868471205234528 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +could:0.055972132831811905 was:0.05031656473875046 knew:0.0415523536503315 has:0.04126500338315964 :0.1333947330713272 +sense:0.040030598640441895 and:0.029084021225571632 to:0.025005096569657326 school:0.02232571877539158 :0.23831559717655182 +of:0.16060425341129303 thing:0.0333988219499588 form:0.018406346440315247 forms:0.014832818880677223 :0.23925970494747162 +and:0.01701621524989605 of:0.016126899048686028 welfare:0.015998445451259613 nature:0.01519855111837387 :0.17992649972438812 +exchange:0.033178623765707016 and:0.01390544231981039 Secretary:0.012036366388201714 Office:0.008669659495353699 :0.7702671885490417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.043232712894678116 Shore:0.02215506136417389 Star:0.016110949218273163 farmers:0.014517358504235744 :0.28733476996421814 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18342018127441406 the:0.05510789528489113 but:0.0437982939183712 that:0.0336344875395298 :0.052761998027563095 +of:0.2793193459510803 the:0.05131717771291733 in:0.02513023279607296 to:0.024179240688681602 :0.0774722546339035 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +She:0.1389896422624588 The:0.07929620146751404 He:0.054140638560056686 It:0.03199625760316849 :0.0977238342165947 +to:0.2770400941371918 years,:0.10842069983482361 years:0.05770011991262436 years.:0.0554969422519207 :0.07192592322826385 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +and:0.17471927404403687 but:0.08157309889793396 the:0.021366138011217117 with:0.015263808891177177 :0.07043309509754181 +to:0.1918221116065979 by:0.0698874294757843 that:0.06923987716436386 a:0.05000923201441765 :0.07026910781860352 +to:0.7776795029640198 not:0.12775257229804993 never:0.004672288428992033 lo:0.003161574713885784 :0.02165082097053528 +to:0.03834337368607521 by:0.030329398810863495 the:0.02717754617333412 in:0.023978929966688156 :0.1988997459411621 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +on:0.2707405984401703 wards:0.08159853518009186 ward:0.07906749844551086 on,:0.0703461617231369 :0.10567013919353485 +sumed:0.02074844390153885 certain:0.012686456553637981 signed:0.011736239306628704 -:0.00870723370462656 :0.7889835238456726 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +of:0.4586045444011688 to:0.05348435789346695 and:0.045605894178152084 the:0.03653711825609207 :0.06399719417095184 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +and:0.11121129989624023 that:0.07368709146976471 of:0.06917645037174225 to:0.058394357562065125 :0.09637873619794846 +who:0.2508978545665741 to:0.045281004160642624 and:0.038020264357328415 in:0.03335799649357796 :0.0737757608294487 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +is:0.04850097745656967 and:0.04740873724222183 of:0.037641741335392 for:0.034149833023548126 :0.0796109214425087 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +to:0.36650875210762024 and:0.23136170208454132 of:0.0321691669523716 were:0.02126391977071762 :0.03712417930364609 +to:0.5853052139282227 for:0.1783028095960617 that:0.02732248231768608 in:0.014581937342882156 :0.037569597363471985 +Mexico.:0.020107338204979897 and:0.011004953645169735 World:0.010879541747272015 Bay:0.00852065160870552 :0.6455777883529663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.1614847034215927 the:0.04723040759563446 sheep,:0.03595276549458504 which:0.03437919169664383 :0.17445163428783417 +of:0.28171467781066895 and:0.07976847141981125 was:0.04565409570932388 by:0.034084565937519073 :0.04552692547440529 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.4065797030925751 these:0.08419587463140488 and:0.0533551350235939 this:0.049278341233730316 :0.07204374670982361 +and:0.10064645856618881 of:0.0979103073477745 in:0.05992624908685684 to:0.050128545612096786 :0.0604110062122345 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.40018919110298157 and:0.21188032627105713 to:0.043726857751607895 in:0.02604239620268345 :0.022273702546954155 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +of:0.0693422332406044 to:0.03621979057788849 interests:0.023494722321629524 and:0.023210717365145683 :0.16615921258926392 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.13729344308376312 where:0.05509946867823601 from:0.0443192720413208 between:0.03655719384551048 :0.11178404837846756 +The:0.09878116101026535 All:0.04120791330933571 Lot:0.02611689269542694 A:0.023311976343393326 :0.38616377115249634 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.37355151772499084 and:0.12232563644647598 was:0.02981773391366005 in:0.02978489175438881 :0.021492907777428627 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +given:0.24001550674438477 notified:0.12104690074920654 given,:0.0386682003736496 ordered:0.03655421361327171 :0.13958518207073212 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.13427592813968658 Miss:0.08349236845970154 and:0.05539877712726593 a:0.04828386381268501 :0.11185211688280106 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +not:0.045979421585798264 now:0.023044388741254807 the:0.01954125240445137 in:0.01451941579580307 :0.20713986456394196 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +war:0.04122858867049217 of:0.037425171583890915 in:0.03721177577972412 to:0.031375110149383545 :0.1857815682888031 +and:0.11985290050506592 of:0.11415358632802963 in:0.06837210059165955 was:0.03374307602643967 :0.09139196574687958 +a:0.15858951210975647 the:0.08199945837259293 for:0.06668665260076523 to:0.04226646199822426 :0.09984269738197327 +o'clock:0.05684874951839447 to:0.04540402442216873 and:0.03979965299367905 per:0.025190427899360657 :0.1952810287475586 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +funeral:0.010517244227230549 bill:0.008231804706156254 first:0.006412473972886801 following:0.005942384712398052 :0.3272336721420288 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.1032262071967125 than:0.039298783987760544 have:0.03686591610312462 having:0.03637970983982086 :0.2229471355676651 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +deal:0.030809272080659866 many:0.030792750418186188 and:0.019237680360674858 majority:0.008189860731363297 :0.2642515003681183 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.32204270362854004 by:0.11583111435174942 and:0.057760171592235565 in:0.025726011022925377 :0.06856705248355865 +and:0.07645164430141449 as:0.010432996787130833 scale:0.00895605981349945 business:0.007720255292952061 :0.37178078293800354 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +new:0.04515445604920387 cured:0.04092695936560631 of:0.028164362534880638 cured,:0.02589298225939274 :0.2360711246728897 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +the:0.16842590272426605 their:0.10048628598451614 a:0.06083767116069794 in:0.04971455782651901 :0.041955601423978806 +from:0.1807006150484085 by:0.11870741099119186 the:0.08000987023115158 a:0.07354680448770523 :0.04600811377167702 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.22112298011779785 and:0.09242049604654312 was:0.05056178569793701 the:0.04868604242801666 :0.09415824711322784 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.23788461089134216 I:0.05458623915910721 we:0.05156111717224121 a:0.044323332607746124 :0.09455734491348267 +are:0.10644610226154327 will:0.09907978028059006 can:0.09089089184999466 remember:0.06151824817061424 :0.06056125462055206 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +of:0.5486337542533875 that:0.04483693465590477 to:0.027822092175483704 in:0.017292816191911697 :0.03078199177980423 +in:0.2727511525154114 on:0.1398191601037979 upon:0.05282880365848541 at:0.04826238378882408 :0.040982555598020554 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +therefore,:0.43415310978889465 sir,:0.053981319069862366 the:0.04023928940296173 I:0.030903033912181854 :0.055643558502197266 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18804867565631866 tbe:0.025103218853473663 a:0.024116067215800285 tho:0.02395101822912693 :0.23416006565093994 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +of:0.32691988348960876 assured:0.05199216678738594 and:0.04528559744358063 in:0.033577628433704376 :0.03506875038146973 +of:0.3013313114643097 a:0.1078534871339798 and:0.07149175554513931 the:0.06334428489208221 :0.042909760028123856 +of:0.15563654899597168 to:0.12395228445529938 and:0.02875315397977829 the:0.028312157839536667 :0.054629791527986526 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.7675955891609192 deed:0.03958366438746452 mortgage:0.014894937165081501 lo:0.008804937824606895 :0.06542070209980011 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +than:0.19533729553222656 and:0.03875674307346344 portion:0.02239987626671791 part:0.018285168334841728 :0.1965920478105545 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +A.:0.08836481720209122 and:0.0714440867304802 the:0.022943435236811638 when:0.015908071771264076 :0.1830703169107437 +and:0.18050087988376617 was:0.05814425274729729 in:0.042367517948150635 is:0.0411674827337265 :0.15373383462429047 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.069233238697052 and:0.03986768051981926 2,:0.03699503093957901 from:0.014390144497156143 :0.381796658039093 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.12642577290534973 a:0.07818086445331573 it:0.031472355127334595 tho:0.02824903093278408 :0.06750744581222534 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +for:0.4544096887111664 of:0.05364427715539932 in:0.03475380316376686 and:0.021501200273633003 :0.020233741030097008 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +tract:0.03600350394845009 tinued:0.03285365551710129 struction:0.0242477897554636 nected:0.021600980311632156 :0.5468257069587708 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.19350865483283997 and:0.18067893385887146 in:0.07570511102676392 are:0.033584922552108765 :0.07538159936666489 +and:0.06223423406481743 was:0.052988264709711075 of:0.03336604684591293 to:0.0331231951713562 :0.09833307564258575 +of:0.16234871745109558 and:0.09313265234231949 in:0.07043056190013885 for:0.04858330264687538 :0.045640964061021805 +and:0.14746715128421783 or:0.06688077747821808 is:0.0556170679628849 fever:0.05420845001935959 :0.13552188873291016 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.21874189376831055 and:0.10823098570108414 is:0.06903700530529022 in:0.053609710186719894 :0.0677051693201065 +city:0.016300804913043976 to:0.013302122242748737 is:0.01298678107559681 was:0.010224138386547565 :0.269313782453537 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +tract:0.03600350394845009 tinued:0.03285365551710129 struction:0.0242477897554636 nected:0.021600980311632156 :0.5468257069587708 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +and:0.19582143425941467 which:0.02902783639729023 the:0.027760623022913933 who:0.027223384007811546 :0.08469188958406448 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +in:0.09542321413755417 and:0.07039379328489304 with:0.04863807186484337 up:0.03034985065460205 :0.09434168040752411 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.14436186850070953 and:0.08320740610361099 on:0.0318371057510376 which:0.030649861320853233 :0.04340074211359024 +It:0.08400042355060577 The:0.07753906399011612 I:0.04520333930850029 He:0.03546091914176941 :0.196780264377594 +not:0.5506755709648132 the:0.047320473939180374 it:0.017900848761200905 he:0.014369072392582893 :0.04731939360499382 +and:0.10613057762384415 for:0.054998889565467834 or:0.02385786920785904 as:0.02284659445285797 :0.22180147469043732 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.11517751216888428 to:0.09323829412460327 and:0.0679909735918045 was:0.024393592029809952 :0.15057960152626038 +names:0.03589954599738121 name:0.03073607198894024 duty:0.01189972460269928 life:0.007385508622974157 :0.18951663374900818 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +the:0.17858466506004333 a:0.02678331919014454 tho:0.018993666395545006 this:0.013723419979214668 :0.29744064807891846 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.05953359603881836 and:0.046049121767282486 for:0.01145935244858265 as:0.011032848618924618 :0.2858152389526367 +pie:0.01935720443725586 of:0.01311585120856762 the:0.008651010692119598 -:0.007838972844183445 :0.6453752517700195 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.2629900276660919 be:0.04810809716582298 after:0.03728906810283661 to:0.02789856679737568 :0.11382653564214706 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +signed:0.040619563311338425 sessed:0.027791665866971016 sured:0.011412878520786762 sisted:0.008617009036242962 :0.821295976638794 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +scribed:0.046333279460668564 mands:0.018186582252383232 grees:0.01473498996347189 termination:0.012679449282586575 :0.6569098234176636 +the:0.20132094621658325 that:0.09393666684627533 upon:0.09282904118299484 them:0.030229678377509117 :0.04700194671750069 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.05572347715497017 amount:0.01731906831264496 country:0.014941934496164322 or:0.014283082447946072 :0.1481226533651352 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +for:0.05923944339156151 and:0.04703504219651222 ago,:0.040531933307647705 or:0.03936821222305298 :0.06881457567214966 +day:0.2612164318561554 and:0.09144783020019531 of:0.031638264656066895 day,:0.01994137093424797 :0.16396500170230865 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08107057958841324 and:0.06152251362800598 the:0.05336173623800278 at:0.04615214094519615 :0.048564132302999496 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +after:0.06631971895694733 west:0.06495574861764908 before:0.04978862404823303 to:0.04141201451420784 :0.11855873465538025 +gested:0.4284480810165405 the:0.001631736638955772 of:0.0013989252038300037 t:0.0010632164776325226 :0.5071969032287598 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.3548383414745331 a:0.028961971402168274 not:0.027663404121994972 become:0.021074682474136353 :0.11702799052000046 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.25634267926216125 a:0.0689404234290123 and:0.029752623289823532 his:0.028143305331468582 :0.13222555816173553 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3813207745552063 not:0.08780378103256226 have:0.05289759486913681 bo:0.018419405445456505 :0.08808071911334991 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.3057294487953186 at:0.04077576473355293 as:0.017080098390579224 the:0.016564438119530678 :0.10150858759880066 +one:0.07379011809825897 person:0.05426652729511261 man:0.051680006086826324 farmer:0.02427206188440323 :0.14410127699375153 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.14089959859848022 a:0.04214717075228691 tho:0.021064944565296173 be:0.01727413386106491 :0.2014562040567398 +be:0.0713004544377327 to:0.035251762717962265 in:0.021563071757555008 and:0.02143106423318386 :0.17127341032028198 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.22027204930782318 a:0.036413997411727905 they:0.03299300745129585 it:0.030785612761974335 :0.0756654292345047 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +in:0.23865161836147308 by:0.23467978835105896 the:0.03317129239439964 at:0.029762711375951767 :0.05018383264541626 +of:0.2371893674135208 the:0.129978209733963 and:0.03666144981980324 a:0.035451799631118774 :0.06292767822742462 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.10998158156871796 days:0.03881070017814636 part:0.03659864142537117 and:0.02653665654361248 :0.17375710606575012 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08390437811613083 of:0.05318465828895569 and:0.0503121055662632 to:0.03560943901538849 :0.20688197016716003 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +for:0.15478557348251343 from:0.0841619223356247 medicine.:0.0385197177529335 to:0.035672593861818314 :0.10905013233423233 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +and:0.23233671486377716 but:0.04455634951591492 the:0.033201541751623154 which:0.03195098787546158 :0.09352946281433105 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +of:0.15656255185604095 was:0.06117101013660431 and:0.04894019290804863 in:0.0265769362449646 :0.0533231757581234 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +respected:0.05480128526687622 esteemed:0.041342396289110184 interesting:0.03319726884365082 respectable:0.025134172290563583 :0.22346706688404083 +and:0.20556673407554626 of:0.1201682835817337 to:0.06529860198497772 was:0.03523921221494675 :0.06678897142410278 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +of:0.33481690287590027 line:0.05888878554105759 and:0.028415540233254433 in:0.02418026700615883 :0.06959611177444458 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +earned:0.043035175651311874 and:0.04223497211933136 well:0.03213343024253845 active:0.029773173853754997 :0.2034434974193573 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.5675181150436401 of:0.02952405996620655 from:0.026983099058270454 and:0.022719543427228928 :0.049107875674963 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +for:0.05923944339156151 and:0.04703504219651222 ago,:0.040531933307647705 or:0.03936821222305298 :0.06881457567214966 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +ed:0.22317220270633698 ing:0.16785013675689697 ice:0.09133002161979675 ice.:0.014126642607152462 :0.3785715401172638 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.18533238768577576 by:0.16710349917411804 to:0.10087701678276062 at:0.0481763631105423 :0.04224369302392006 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +of:0.14210979640483856 and:0.06007983535528183 in:0.04435010626912117 for:0.04111756011843681 :0.07183501124382019 +in:0.5093116760253906 In:0.06518007814884186 to:0.059111081063747406 the:0.02314847521483898 :0.036600738763809204 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +deg.:0.09815648943185806 and:0.07955355197191238 .:0.04608401283621788 of:0.03738940507173538 :0.4182547628879547 +parts:0.08844133466482162 from:0.05406428873538971 states,:0.01920783892273903 kinds:0.01768065243959427 :0.17892666161060333 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +Lillian:0.03160923719406128 Helen:0.024358544498682022 Mary:0.02174459956586361 May:0.014495722018182278 :0.526942253112793 +are:0.02289503440260887 men:0.012519150041043758 were:0.010290182195603848 things:0.00989636778831482 :0.37057340145111084 +of:0.20978696644306183 to:0.07980762422084808 that:0.060130488127470016 was:0.056768570095300674 :0.0811181589961052 +and:0.06994211673736572 to:0.059498243033885956 the:0.0530715137720108 in:0.04195472598075867 :0.16329523921012878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +notified:0.03248930722475052 relief:0.024918079376220703 ordered:0.019761279225349426 than:0.01917441561818123 :0.2649027407169342 +of:0.2793193459510803 the:0.05131717771291733 in:0.02513023279607296 to:0.024179240688681602 :0.0774722546339035 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.12496253848075867 and:0.11172763258218765 of:0.07764407992362976 are:0.07646580040454865 :0.05603151395916939 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.10383448749780655 to:0.09336476027965546 me:0.07497699558734894 him:0.06657172739505768 :0.06515555828809738 +of:0.7390528917312622 that:0.05615941062569618 ot:0.01167134940624237 which:0.010590851306915283 :0.013257788494229317 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +was:0.12970006465911865 is:0.05018964782357216 had:0.04633213207125664 has:0.040226515382528305 :0.18085144460201263 +and:0.2838607430458069 but:0.045544084161520004 as:0.0273679718375206 the:0.027353333309292793 :0.0619850754737854 +of:0.147889643907547 the:0.07437770068645477 a:0.06567421555519104 such:0.02598760277032852 :0.0921555757522583 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.20677822828292847 of:0.08958669006824493 with:0.03786072880029678 in:0.026971472427248955 :0.07699865847826004 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.5329242944717407 to:0.05364065617322922 and:0.042549166828393936 in:0.020224476233124733 :0.033370815217494965 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.14101183414459229 It:0.06701073795557022 He:0.03431735187768936 I:0.02519473060965538 :0.12756669521331787 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.15340615808963776 for:0.06637569516897202 and:0.036834966391325 attempts:0.03509160131216049 :0.0890410915017128 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +per:0.07622142136096954 feet:0.06420855969190598 pounds:0.04336908459663391 miles:0.03792795166373253 :0.18363319337368011 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.03536221385002136 decided:0.021549923345446587 to:0.019396493211388588 came:0.018536951392889023 :0.20570091903209686 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.17118075489997864 character:0.016888504847884178 case:0.012587571516633034 in:0.010735694319009781 :0.15411418676376343 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +earned:0.043035175651311874 and:0.04223497211933136 well:0.03213343024253845 active:0.029773173853754997 :0.2034434974193573 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +been:0.15011659264564514 a:0.02942180261015892 already:0.024829573929309845 not:0.018087349832057953 :0.34221962094306946 +of:0.4748356342315674 that:0.12352713197469711 the:0.02698145993053913 to:0.02313326671719551 :0.02393544465303421 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +distance:0.05746036395430565 number:0.039878878742456436 distance,:0.02324148640036583 amount:0.021471615880727768 :0.13447554409503937 +.:0.025370435789227486 of:0.0208433847874403 to:0.014137070626020432 the:0.013145532459020615 :0.3925534188747406 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.10885869711637497 a:0.040553245693445206 tho:0.01809428445994854 that:0.014160643331706524 :0.2135905623435974 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +scribed:0.046333279460668564 mands:0.018186582252383232 grees:0.01473498996347189 termination:0.012679449282586575 :0.6569098234176636 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +be:0.33085671067237854 have:0.07777295261621475 not:0.023517917841672897 bo:0.020271392539143562 :0.08371289074420929 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.09455061703920364 a:0.046604424715042114 not:0.021972253918647766 to:0.0164028313010931 :0.2748549282550812 +own:0.017173783853650093 friends:0.012494729831814766 eyes:0.01079269777983427 wife:0.010784677229821682 :0.16758787631988525 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +of:0.21099638938903809 the:0.11087290942668915 for:0.050749022513628006 to:0.048193685710430145 :0.05287536606192589 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.06938191503286362 be:0.04399369657039642 not:0.042489394545555115 a:0.03881790116429329 :0.12634198367595673 +and:0.10277224332094193 to:0.054841767996549606 was:0.019960526376962662 for:0.01952633261680603 :0.11311352998018265 +the:0.29113882780075073 in:0.20149622857570648 with:0.07576645165681839 her:0.03096199221909046 :0.06452371925115585 +parts:0.08844133466482162 from:0.05406428873538971 states,:0.01920783892273903 kinds:0.01768065243959427 :0.17892666161060333 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.12546059489250183 of:0.11841358244419098 in:0.05698378011584282 to:0.045751478523015976 :0.09023116528987885 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2884553372859955 but:0.05044475570321083 the:0.04513164237141609 too:0.03575032576918602 :0.04306629300117493 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +of:0.27097004652023315 and:0.05864415690302849 to:0.029623229056596756 in:0.025508109480142593 :0.03305324539542198 +-:0.033334702253341675 the:0.020941291004419327 and:0.014378566294908524 .:0.01392499078065157 :0.40036243200302124 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.4249374270439148 in:0.03695571422576904 the:0.02999868616461754 when:0.024881668388843536 :0.06082438305020332 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +with:0.14580009877681732 and:0.05886134132742882 forces:0.04663510620594025 men:0.022677414119243622 :0.3221021294593811 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.13752056658267975 and:0.11154000461101532 are:0.06165448576211929 in:0.0428977869451046 :0.049499236047267914 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.2555442154407501 the:0.11037425696849823 but:0.051385678350925446 as:0.028323277831077576 :0.11212330311536789 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.17426082491874695 at:0.07484319061040878 the:0.05904830992221832 to:0.04112973436713219 :0.08483266830444336 +against:0.2547561228275299 of:0.06459156423807144 was:0.04261259362101555 to:0.040645960718393326 :0.0995139330625534 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.3243764638900757 a:0.030540337786078453 tho:0.026483988389372826 us.:0.014822270721197128 :0.2230806052684784 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +and:0.07129595428705215 experience.:0.04061363637447357 as:0.021417442709207535 to:0.02139076218008995 :0.24894830584526062 +and:0.13399554789066315 to:0.04826803132891655 at:0.016065141186118126 as:0.01186724379658699 :0.3409954309463501 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.15049904584884644 is:0.019187016412615776 the:0.0137020293623209 was:0.011398756876587868 :0.3133888840675354 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.037207700312137604 company:0.03337731212377548 station:0.03288894146680832 officials:0.02932131104171276 :0.18109442293643951 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +described:0.09157349169254303 the:0.06172392517328262 is:0.017040546983480453 are:0.011781981214880943 :0.20583650469779968 +of:0.4195800721645355 that:0.22267095744609833 is:0.035850390791893005 was:0.019793758168816566 :0.0352945476770401 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +war:0.04122858867049217 of:0.037425171583890915 in:0.03721177577972412 to:0.031375110149383545 :0.1857815682888031 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.06577792763710022 in:0.06537730246782303 to:0.06458009034395218 by:0.057643864303827286 :0.2750815451145172 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +to:0.12414658814668655 in:0.0630999505519867 are:0.0502682700753212 who:0.04550418630242348 :0.06374675035476685 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.0819036066532135 the:0.03828869387507439 in:0.01787816919386387 to:0.017164556309580803 :0.2687043845653534 +and:0.11613354831933975 stream:0.03389473631978035 enough:0.020493704825639725 principles:0.013735204935073853 :0.19327904284000397 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.26756373047828674 of:0.08417122811079025 to:0.05067673325538635 which:0.04622277244925499 :0.07314753532409668 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.09517944604158401 in:0.056559838354587555 to:0.03677373379468918 and:0.02725558914244175 :0.09272553026676178 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +man:0.0668846070766449 men,:0.04088350012898445 lady:0.03454292193055153 and:0.031998101621866226 :0.2543624937534332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +.:0.09495534747838974 o'clock:0.06108984723687172 a.:0.025531098246574402 and:0.023819534108042717 :0.2978058159351349 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05094917491078377 man:0.04038608819246292 fellow:0.034531354904174805 little:0.023562490940093994 :0.2004576325416565 +morning:0.1010778471827507 school:0.055180709809064865 night:0.034973081201314926 afternoon:0.034190915524959564 :0.1363540142774582 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +The:0.08561605215072632 I:0.05841603875160217 It:0.04755274951457977 and:0.039589740335941315 :0.20595405995845795 +York:0.10412642359733582 York,:0.06617753207683563 the:0.05753936991095543 that:0.05514800176024437 :0.08182577043771744 +and:0.12227047234773636 of:0.03156786412000656 was:0.02990257926285267 has:0.021510809659957886 :0.3504584729671478 +of:0.17687125504016876 and:0.13895128667354584 to:0.06262810528278351 for:0.0372316874563694 :0.08025005459785461 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +for:0.09624070674180984 at:0.09128094464540482 and:0.08628129214048386 in:0.04159799590706825 :0.10239803045988083 +of:0.33905723690986633 in:0.0802650973200798 and:0.03659384697675705 is:0.03332223743200302 :0.03895736485719681 +of:0.2797817885875702 to:0.06891583651304245 and:0.03941589593887329 in:0.036626409739255905 :0.04904935881495476 +to:0.05664573237299919 years:0.04749603942036629 and:0.04745569825172424 feet:0.03643542155623436 :0.26079684495925903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +at:0.15333381295204163 the:0.1257978081703186 all:0.038889817893505096 said:0.03398768603801727 :0.05910716578364372 +the:0.2561436593532562 future:0.03806380182504654 to:0.01730288565158844 at:0.015998439863324165 :0.3009978234767914 +and:0.08912559598684311 is:0.040942173451185226 in:0.04003055393695831 was:0.0341571681201458 :0.16701172292232513 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +part:0.043064676225185394 and:0.022153381258249283 states:0.02134033665060997 boundaries:0.016038447618484497 :0.21567009389400482 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +regiments:0.06976883113384247 army,:0.055192768573760986 army:0.04679896682500839 to:0.026053830981254578 :0.2118995040655136 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.2083950936794281 which:0.08171449601650238 the:0.052229657769203186 but:0.034824471920728683 :0.05215569585561752 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +to:0.3498247265815735 by:0.14536765217781067 that:0.13764511048793793 the:0.034889400005340576 :0.04610392451286316 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +than:0.1457812786102295 part:0.10603775829076767 portion:0.0368647426366806 value:0.01722504198551178 :0.140017569065094 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +m:0.6334322690963745 m.,:0.07434798777103424 m.:0.02512030489742756 d.:0.006808053702116013 :0.09374310821294785 +was:0.1185397282242775 of:0.055319610983133316 to:0.045798759907484055 and:0.04062613472342491 :0.07037483900785446 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +and:0.10450684279203415 law:0.04966283217072487 act:0.037554264068603516 was:0.026569711044430733 :0.16323129832744598 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +stones:0.033951301127672195 to:0.025597011670470238 little:0.020112305879592896 metals:0.014920513145625591 :0.3253863453865051 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +gether:0.18780454993247986 day:0.167306587100029 ward:0.1557980626821518 day,:0.03064833953976631 :0.19925850629806519 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.2199295163154602 the:0.10349960625171661 to:0.060551661998033524 that:0.02421540953218937 :0.15300925076007843 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.07332736998796463 is:0.045748405158519745 a:0.04447760805487633 and:0.03826352208852768 :0.06712815910577774 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.2543632686138153 which:0.047339633107185364 the:0.02632305584847927 but:0.025769881904125214 :0.3285326063632965 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +and:0.1836037039756775 who:0.11964783072471619 but:0.04051337391138077 the:0.02676192857325077 :0.0831252709031105 +than:0.08914390206336975 be:0.08230361342430115 a:0.03354828432202339 to:0.03193369135260582 :0.14987881481647491 +was:0.15439322590827942 and:0.06436147540807724 to:0.05640343576669693 in:0.050053562968969345 :0.08215738832950592 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.1269996166229248 tho:0.03893323615193367 it:0.025387173518538475 there:0.02232915535569191 :0.11262869089841843 +a:0.017444051802158356 the:0.01567145064473152 hour:0.012547518126666546 i:0.012209413573145866 :0.3542174994945526 +that:0.4045427441596985 the:0.08642800897359848 it:0.04791282117366791 in:0.04674803093075752 :0.03147798031568527 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.32921600341796875 and:0.07488899677991867 in:0.059058625251054764 was:0.03587919473648071 :0.03875240683555603 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +great:0.00823986530303955 old:0.005783307831734419 last:0.004629263188689947 most:0.004186784382909536 :0.32488879561424255 +for:0.036241281777620316 and:0.032973386347293854 that:0.026790140196681023 in:0.01857500523328781 :0.4398021996021271 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +She:0.1389896422624588 The:0.07929620146751404 He:0.054140638560056686 It:0.03199625760316849 :0.0977238342165947 +The:0.102134570479393 He:0.050196513533592224 A:0.043584443628787994 I:0.0356118381023407 :0.2589161694049835 +of:0.3687405586242676 to:0.09430359303951263 and:0.09347169101238251 for:0.05733482539653778 :0.038448918610811234 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +on:0.15522988140583038 out:0.07723555713891983 off:0.06292494386434555 by:0.06160031631588936 :0.055876098573207855 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2584719657897949 is:0.06489912420511246 for:0.06230297312140465 to:0.05753089115023613 :0.06068556383252144 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +and:0.16695381700992584 where:0.03159443289041519 to:0.023431668058037758 of:0.02137181907892227 :0.08212936669588089 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +the:0.08697289228439331 route:0.0633409321308136 a:0.024492835626006126 to:0.020754750818014145 :0.26960307359695435 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.10920752584934235 H.:0.08097245544195175 J.:0.02423212118446827 A.:0.023042643442749977 :0.3784305453300476 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +of:0.3725869655609131 to:0.08517558872699738 that:0.047408752143383026 a:0.035384152084589005 :0.07012268155813217 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.16759295761585236 at:0.07150478661060333 in:0.05246848613023758 the:0.021654212847352028 :0.07981173694133759 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.0984688401222229 however,:0.09026246517896652 that:0.04845782741904259 as:0.04067864269018173 :0.0707293450832367 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.185770183801651 payment:0.05077056959271431 and:0.0432809554040432 amount:0.019827356562018394 :0.16213443875312805 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +rounded:0.1322963982820511 prise:0.11027023941278458 face:0.07229409366846085 rounds:0.05046435445547104 :0.4555143713951111 +of:0.1752394288778305 and:0.0660611093044281 in:0.04439209774136543 is:0.03440983220934868 :0.07969938218593597 +der:0.299946129322052 til:0.07186579704284668 less:0.027740532532334328 able:0.017001621425151825 :0.2898145020008087 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +of:0.18906261026859283 the:0.1139538437128067 and:0.04748862609267235 a:0.031849123537540436 :0.12207137793302536 +the:0.1800871044397354 of:0.09711366891860962 that:0.04939909279346466 who:0.02179696224629879 :0.20319212973117828 +of:0.1782074123620987 a:0.131612166762352 the:0.06333466619253159 an:0.039423391222953796 :0.11722748726606369 +of:0.18480107188224792 was:0.11442989110946655 and:0.07317230105400085 is:0.037244126200675964 :0.10861802846193314 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.44022125005722046 for:0.2322220355272293 to:0.030203422531485558 and:0.028011921793222427 :0.040022362023591995 +the:0.1196424812078476 it:0.09143441170454025 he:0.060337964445352554 they:0.05914008989930153 :0.06929656863212585 +of:0.19268269836902618 was:0.04805218428373337 and:0.04564543813467026 or:0.035546496510505676 :0.0860859677195549 +rived:0.07049261033535004 ranged:0.04573093354701996 rested:0.0276218019425869 rival:0.026859084144234657 :0.7003123760223389 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.22644837200641632 there:0.0620565228164196 we:0.03155055642127991 it:0.03080686181783676 :0.076732337474823 +in:0.13873107731342316 at:0.11402341723442078 by:0.06212848797440529 on:0.05244706571102142 :0.05658649280667305 +of:0.185770183801651 payment:0.05077056959271431 and:0.0432809554040432 amount:0.019827356562018394 :0.16213443875312805 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.07830064743757248 a:0.056873489171266556 to:0.04784427955746651 well:0.01877133920788765 :0.15600794553756714 +of:0.2357872575521469 that:0.174724280834198 is:0.04434935748577118 in:0.040866751223802567 :0.03846961632370949 +and:0.2809411883354187 of:0.13678576052188873 in:0.11645038425922394 were:0.027734722942113876 :0.058732494711875916 +and:0.13610082864761353 in:0.07225999236106873 where:0.03921206668019295 but:0.0245566014200449 :0.08660893142223358 +and:0.15753738582134247 which:0.04439179226756096 bonds,:0.02977968566119671 dated:0.029383491724729538 :0.06474335491657257 +and:0.24093937873840332 but:0.04668102413415909 the:0.03192257136106491 or:0.031171023845672607 :0.0727267935872078 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +6,:0.08822111785411835 and:0.05289379134774208 6:0.0362996906042099 block:0.030128417536616325 :0.34721845388412476 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +to:0.20040491223335266 in:0.0876980870962143 out:0.060529015958309174 the:0.03358886390924454 :0.06385187059640884 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05148844048380852 to:0.037268612533807755 is:0.032358307391405106 in:0.030010424554347992 :0.0852578654885292 +and:0.0271981880068779 amount:0.013081575743854046 part:0.012188754044473171 quantities:0.007943568751215935 :0.29562148451805115 +the:0.1814374476671219 of:0.11165709793567657 and:0.0649087056517601 to:0.061656322330236435 :0.07556811720132828 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +over:0.10174926370382309 in:0.06561064720153809 on:0.06151936948299408 a:0.057758983224630356 :0.10252724587917328 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +The:0.14131920039653778 It:0.0770343691110611 He:0.043286796659231186 In:0.03168397769331932 :0.13321609795093536 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +was:0.14118850231170654 had:0.061432454735040665 is:0.04798875376582146 has:0.04183873534202576 :0.09167412668466568 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +years:0.058412518352270126 minutes:0.05346722528338432 hundred:0.04179952293634415 days:0.03675773739814758 :0.21952679753303528 +and:0.30720463395118713 of:0.20313508808612823 or:0.02944827824831009 to:0.021724000573158264 :0.03276892751455307 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +district:0.0480240173637867 of:0.04609588533639908 and:0.037475116550922394 in:0.03481251001358032 :0.13498860597610474 +of:0.7426109910011292 ot:0.01959250122308731 in:0.01516219787299633 or:0.01043325662612915 :0.035655491054058075 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +of:0.16381633281707764 in:0.11809729784727097 and:0.07400354743003845 at:0.041909873485565186 :0.04061077535152435 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +from:0.1136896014213562 of:0.10540230572223663 distant,:0.04430678114295006 away:0.042475346475839615 :0.07507053017616272 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08510201424360275 to:0.08099963515996933 and:0.055201515555381775 in:0.04677940532565117 :0.08810722082853317 +to:0.7379730343818665 in:0.036579012870788574 and:0.017192374914884567 of:0.009268348105251789 :0.015212480910122395 +The:0.13869620859622955 It:0.06077934056520462 I:0.043497391045093536 He:0.03310106322169304 :0.22181226313114166 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +of:0.5173813104629517 to:0.06232087314128876 and:0.049099165946245193 in:0.02150994911789894 :0.034495964646339417 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.11502580344676971 and:0.06915736943483353 time,:0.019862530753016472 explanation:0.013831769116222858 :0.1882229596376419 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +who:0.1883566528558731 of:0.08400725573301315 in:0.037223994731903076 were:0.034118253737688065 :0.0823339894413948 +of:0.3178219199180603 and:0.09552158415317535 to:0.03323987498879433 at:0.01886443980038166 :0.08687756955623627 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.03364592418074608 of:0.016950007528066635 and:0.01663384400308132 to:0.012638510204851627 :0.28181421756744385 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.0694551020860672 at:0.06625343859195709 of:0.06393328309059143 the:0.05043325573205948 :0.09634993970394135 +and:0.07645164430141449 as:0.010432996787130833 scale:0.00895605981349945 business:0.007720255292952061 :0.37178078293800354 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.15716120600700378 too,:0.05090435594320297 that:0.03323435038328171 but:0.028988085687160492 :0.09546118974685669 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.19676163792610168 the:0.05863809213042259 to:0.037472084164619446 as:0.02745891362428665 :0.0699959248304367 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +3,:0.07069181650876999 1,:0.0407901331782341 31,:0.020150255411863327 17,:0.018136510625481606 :0.2663293778896332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.039372075349092484 to:0.0334470234811306 deg.:0.030220065265893936 of:0.017174463719129562 :0.5989468097686768 +to:0.09245651960372925 in:0.04542065039277077 that:0.042760249227285385 a:0.039620283991098404 :0.08659689128398895 +and:0.09869370609521866 was:0.036525364965200424 power:0.026755398139357567 to:0.02459234744310379 :0.16967229545116425 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +out:0.07517576217651367 in:0.06737963110208511 up:0.0668412521481514 of:0.06605660170316696 :0.07927238941192627 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +is:0.09742364287376404 the:0.06088753789663315 he:0.05664733424782753 they:0.04708361625671387 :0.07906275987625122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11749498546123505 of:0.0520440973341465 with:0.030562907457351685 in:0.027504663914442062 :0.2075372040271759 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.11509788036346436 the:0.05965251475572586 after:0.05130907893180847 to:0.045727748423814774 :0.05874241888523102 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +over:0.054946739226579666 stock:0.05435384437441826 up:0.0530877523124218 and:0.051447201520204544 :0.14458194375038147 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.03536221385002136 decided:0.021549923345446587 to:0.019396493211388588 came:0.018536951392889023 :0.20570091903209686 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3820125460624695 and:0.07251346111297607 is:0.04716592654585838 which:0.028286537155508995 :0.054526932537555695 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.18660184741020203 the:0.14428305625915527 suitable:0.08343549072742462 an:0.02941463142633438 :0.12476765364408493 +of:0.17586177587509155 were:0.03143575042486191 at:0.0259260106831789 in:0.021220576018095016 :0.37415239214897156 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.1345416158437729 in:0.025725241750478745 made:0.018413575366139412 the:0.016796983778476715 :0.15334509313106537 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.0734478011727333 to:0.016238629817962646 a:0.0161173976957798 in:0.011909184977412224 :0.2722502648830414 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +of:0.6799360513687134 in:0.044010695070028305 ot:0.011287801899015903 for:0.011098597198724747 :0.03818488121032715 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +not:0.03560497611761093 in:0.02368726022541523 the:0.021833259612321854 to:0.0173528753221035 :0.21210506558418274 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +in:0.04786558449268341 the:0.04652328044176102 than:0.03867752104997635 he:0.027641642838716507 :0.11937694251537323 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.05985858663916588 and:0.049315162003040314 will:0.04759225621819496 to:0.042513296008110046 :0.16501404345035553 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.0722636952996254 and:0.07147504389286041 to:0.0628136396408081 of:0.05343858525156975 :0.07530505955219269 +same:0.007217587437480688 United:0.0060566021129488945 country:0.005679619498550892 law:0.005296300631016493 :0.2645132839679718 +and:0.17716874182224274 but:0.09607172012329102 as:0.09048078209161758 the:0.025381842628121376 :0.04147866368293762 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +by:0.1649627536535263 in:0.072367824614048 the:0.05220607668161392 and:0.04081166163086891 :0.10455948114395142 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tirely:0.10489383339881897 tered:0.052889350801706314 listed:0.018322573974728584 titled:0.01761534810066223 :0.6332118511199951 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06308621913194656 a:0.04593322426080704 to:0.04014982655644417 in:0.02601652778685093 :0.13464413583278656 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.12361099570989609 but:0.0448446124792099 the:0.04228179156780243 in:0.021072667092084885 :0.1013665720820427 +of:0.1577841192483902 and:0.04423648118972778 for:0.03993956372141838 in:0.039879463613033295 :0.04217545688152313 +H.:0.029865626245737076 W:0.029710689559578896 J:0.025958722457289696 A.:0.024237588047981262 :0.3431944251060486 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.029576793313026428 age.:0.020389098674058914 man:0.019438399001955986 fashioned:0.010814662091434002 :0.29907333850860596 +in:0.08415598422288895 the:0.0669848769903183 up:0.058413513004779816 a:0.05835694819688797 :0.053852230310440063 +is:0.05256173014640808 I:0.03119555115699768 was:0.03021159954369068 they:0.028996219858527184 :0.1730905920267105 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.19077101349830627 by:0.1762898564338684 copy:0.13080020248889923 and:0.051159583032131195 :0.16058999300003052 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.20153389871120453 by:0.1128840371966362 the:0.09046617895364761 them:0.036220721900463104 :0.05431841313838959 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.18631711602210999 between:0.10975970327854156 them:0.0565207414329052 a:0.04517170414328575 :0.0592535138130188 +the:0.24463897943496704 for:0.06494514644145966 a:0.048490095883607864 said:0.04220549389719963 :0.06664276868104935 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +of:0.15339145064353943 for:0.11035273224115372 in:0.0412641242146492 on:0.039755288511514664 :0.06420818716287613 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.08646342158317566 in:0.06261953711509705 and:0.06160210445523262 for:0.05159600079059601 :0.09178218245506287 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +other:0.058565206825733185 of:0.04815370589494705 one:0.02870968170464039 time:0.02194361202418804 :0.18902331590652466 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.08455095440149307 to:0.0767681673169136 of:0.029029903933405876 in:0.024582907557487488 :0.3166901469230652 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14535653591156006 and:0.11891768872737885 who:0.06273132562637329 are:0.03937351703643799 :0.07162218540906906 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.9499707221984863 lo:0.004713469184935093 as:0.003182072890922427 the:0.0017243818147107959 :0.008553406223654747 +D.:0.09133537113666534 D:0.07076951116323471 M:0.04196279123425484 D.,:0.026836561039090157 :0.3871876001358032 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +the:0.24713817238807678 to:0.19074223935604095 and:0.0712800920009613 than:0.02592116966843605 :0.10086064040660858 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +was:0.09558801352977753 had:0.06849316507577896 would:0.03330693766474724 has:0.032069604843854904 :0.15772226452827454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.14487729966640472 and:0.08052001893520355 in:0.06153108552098274 to:0.058333154767751694 :0.115902841091156 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +.:0.3096974790096283 W:0.02653813734650612 A:0.01755259558558464 M:0.01583448424935341 :0.19283215701580048 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +and:0.1457427591085434 on:0.039450082927942276 at:0.031197242438793182 in:0.030660193413496017 :0.12590709328651428 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +good:0.06457196921110153 well:0.047687746584415436 much:0.026367228478193283 well,:0.018749471753835678 :0.24817600846290588 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.26596784591674805 the:0.039119936525821686 which:0.03286271169781685 in:0.023607710376381874 :0.07816652208566666 +by:0.26699334383010864 of:0.067082978785038 and:0.03211508318781853 in:0.03189248964190483 :0.06213214620947838 +same:0.010669216513633728 old:0.007913455367088318 said:0.006670842412859201 people:0.006588888354599476 :0.2672612965106964 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4096487760543823 with:0.10958489775657654 more:0.09004068374633789 in:0.029714928939938545 :0.04068519547581673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.35075679421424866 from:0.061069101095199585 to:0.054088082164525986 shall:0.05069546774029732 :0.05139641836285591 +for:0.10707222670316696 with:0.07679800689220428 to:0.0658893957734108 was:0.04862811043858528 :0.08668418973684311 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +to:0.7776795029640198 not:0.12775257229804993 never:0.004672288428992033 lo:0.003161574713885784 :0.02165082097053528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +of:0.20657862722873688 to:0.13110840320587158 in:0.06752590835094452 from:0.06585215032100677 :0.06151136755943298 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1764044165611267 in:0.09661509841680527 to:0.06141768395900726 and:0.053252119570970535 :0.11586075276136398 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.16272878646850586 is:0.04620645195245743 has:0.04139842465519905 was:0.039919689297676086 :0.05136236920952797 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +too,:0.2047930806875229 then,:0.18959619104862213 in:0.05850213021039963 however,:0.04453146830201149 :0.031249618157744408 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1764044165611267 in:0.09661509841680527 to:0.06141768395900726 and:0.053252119570970535 :0.11586075276136398 +the:0.11186666786670685 of:0.05772434547543526 diseases:0.0282497089356184 a:0.024909285828471184 :0.1155942752957344 +in:0.12621071934700012 at:0.05886022746562958 until:0.058334626257419586 for:0.05190650373697281 :0.13685184717178345 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +at:0.09543859213590622 upon:0.061070650815963745 like:0.05596619099378586 up:0.04070918262004852 :0.08249194175004959 +of:0.18221339583396912 the:0.13812117278575897 to:0.047081150114536285 in:0.03932131081819534 :0.08613487333059311 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +deg.:0.06005488336086273 cents:0.059222739189863205 of:0.03670062497258186 1-2:0.034647319465875626 :0.2070801854133606 +of:0.023872138932347298 a:0.018058057874441147 and:0.015679674223065376 -:0.015183283016085625 :0.5045080780982971 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.04628949984908104 .:0.044188495725393295 per:0.037794675678014755 o'clock:0.035779763013124466 :0.31152164936065674 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +soil:0.12950310111045837 soil.:0.12831945717334747 soils:0.026400499045848846 and:0.020758332684636116 :0.3186604082584381 +Block:0.029000375419855118 A:0.022576190531253815 The:0.017488187178969383 M:0.01035783626139164 :0.39170095324516296 +line:0.09750475734472275 to:0.06445515900850296 and:0.057248711585998535 line,:0.048588111996650696 :0.09495705366134644 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +a:0.1484476923942566 of:0.1350776106119156 and:0.07062974572181702 for:0.0568108968436718 :0.07138258963823318 +years:0.0852445736527443 days:0.08163559436798096 o'clock:0.048172298818826675 or:0.03177448734641075 :0.23287762701511383 +and:0.09373524785041809 to:0.04598679393529892 car:0.039322156459093094 Block:0.03512255474925041 :0.1703958660364151 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +with:0.8495347499847412 with,:0.032391082495450974 witb:0.004343412350863218 to:0.0024812675546854734 :0.08120588958263397 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3596802353858948 and:0.05591703951358795 in:0.0434577502310276 to:0.032649047672748566 :0.04212664067745209 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +war:0.11259478330612183 service:0.09511344879865646 and:0.09043730050325394 engineer:0.057290442287921906 :0.16654717922210693 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07342727482318878 as:0.024575620889663696 at:0.018029505386948586 land:0.01751859486103058 :0.24805589020252228 +Carolina:0.11027681827545166 Dakota:0.0768587589263916 Dakota,:0.0702580139040947 and:0.05092305690050125 :0.19722449779510498 +the:0.030827749520540237 a:0.019209111109375954 is:0.01836548000574112 was:0.017366625368595123 :0.3341374695301056 +of:0.3090823292732239 door:0.22313036024570465 and:0.03944689407944679 the:0.02975633181631565 :0.06738375127315521 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.10885869711637497 a:0.040553245693445206 tho:0.01809428445994854 that:0.014160643331706524 :0.2135905623435974 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +who:0.3415699303150177 of:0.056102365255355835 are:0.021845240145921707 in:0.019692683592438698 :0.13355408608913422 +I:0.11082197725772858 The:0.08294889330863953 It:0.07403797656297684 He:0.0420353077352047 :0.19095417857170105 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +bidder:0.1837349236011505 bidder,:0.10737930983304977 and:0.04953286051750183 point:0.02127271518111229 :0.17918077111244202 +of:0.14928269386291504 to:0.06985338032245636 in:0.06903291493654251 and:0.04585685953497887 :0.08677854388952255 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.31800392270088196 a:0.025739988312125206 tho:0.025096096098423004 tbe:0.015559918247163296 :0.1725073754787445 +to:0.11084384471178055 the:0.09976854175329208 been:0.04314625263214111 a:0.027123184874653816 :0.2514827251434326 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.1145944893360138 are:0.06116102263331413 of:0.048711638897657394 to:0.042582131922245026 :0.07955609261989594 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.1687968522310257 and:0.06724078953266144 Taft:0.05680523440241814 Cleveland:0.03148488700389862 :0.17634274065494537 +and:0.25567197799682617 the:0.055139340460300446 but:0.044417545199394226 or:0.0266103595495224 :0.12220266461372375 +States:0.553770899772644 States.:0.1318928748369217 States,:0.13144885003566742 States;:0.013990121893584728 :0.11396168172359467 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2731724977493286 a:0.07106960564851761 with:0.07016195356845856 at:0.05806006118655205 :0.04752960428595543 +of:0.13961391150951385 and:0.06623607873916626 in:0.05591089650988579 where:0.039826974272727966 :0.08247967064380646 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +same:0.008215214125812054 said:0.005453782621771097 whole:0.005309736356139183 United:0.004442365374416113 :0.3619202971458435 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.22054986655712128 in:0.13929128646850586 for:0.044522203505039215 and:0.03464645892381668 :0.04792043939232826 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +most:0.004711432848125696 said:0.004265387076884508 State:0.0036733115557581186 last:0.003591791959479451 :0.4776182472705841 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +been:0.10786722600460052 be:0.045282524079084396 a:0.025569260120391846 the:0.02157747931778431 :0.15584620833396912 +of:0.10247547179460526 and:0.03534289449453354 who:0.03253252059221268 Mrs.:0.018124526366591454 :0.23309601843357086 +of:0.19256216287612915 and:0.12989328801631927 to:0.04078514128923416 is:0.03032507747411728 :0.09462761133909225 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.2360784262418747 from:0.07955358922481537 that:0.07292412221431732 to:0.05344175174832344 :0.09381569176912308 +to:0.6539984345436096 for:0.05147678777575493 of:0.0463695302605629 the:0.02552293799817562 :0.024321990087628365 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +and:0.07823817431926727 standard:0.02954074926674366 in:0.02772456407546997 medal:0.02532331459224224 :0.25917351245880127 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.18510553240776062 and:0.15456296503543854 on:0.10002550482749939 at:0.030250184237957 :0.06764192879199982 +bonds:0.08247893303632736 tract:0.04539100453257561 claim:0.03625261038541794 mortgage:0.022715160623192787 :0.11601133644580841 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +at:0.1488863080739975 to:0.10032172501087189 by:0.09362435340881348 for:0.056590013206005096 :0.056097812950611115 +the:0.16137902438640594 there:0.04871930181980133 it:0.03720589727163315 I:0.027969831600785255 :0.04255622625350952 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.3223026394844055 this:0.05639754608273506 his:0.04794929549098015 these:0.04076959192752838 :0.05021105334162712 +.:0.3358837366104126 .,:0.008899536915123463 and:0.008838549256324768 street:0.008602096699178219 :0.35505804419517517 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +out:0.15736174583435059 up:0.1195778101682663 into:0.07837468385696411 in:0.04543059691786766 :0.050482794642448425 +people:0.04257969930768013 citizens:0.02414826676249504 party:0.017075547948479652 Tobacco:0.013783019967377186 :0.28165146708488464 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +proud:0.0822623148560524 entitled:0.03131750226020813 be:0.024275727570056915 and:0.015973100438714027 :0.22075411677360535 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +of:0.2463279813528061 on:0.07526092976331711 in:0.054118379950523376 to:0.048249952495098114 :0.06781785935163498 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +It:0.10563552379608154 The:0.06940073519945145 I:0.049847561866045 He:0.048806797713041306 :0.2226300835609436 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.21188941597938538 and:0.04989631474018097 that:0.04606840759515762 was:0.04354778304696083 :0.11729386448860168 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.5964601039886475 or:0.02337549440562725 and:0.015184381976723671 bottles:0.013728698715567589 :0.07861137390136719 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.24180282652378082 they:0.03006642684340477 in:0.028269141912460327 he:0.02371104247868061 :0.10736614465713501 +to:0.05122510343790054 .:0.05085812509059906 years:0.037286195904016495 and:0.03539087250828743 :0.18138279020786285 +and:0.08363132178783417 avenue:0.03480214625597 was:0.026006869971752167 of:0.023407509550452232 :0.20856332778930664 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +the:0.19290383160114288 a:0.05958263576030731 of:0.018984604626893997 tho:0.012406410649418831 :0.23910048604011536 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +of:0.1255432516336441 are:0.07375282794237137 and:0.060744889080524445 who:0.056593310087919235 :0.048739515244960785 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +of:0.0115377027541399 and:0.010700291022658348 tiny:0.010141406208276749 that:0.003445610636845231 :0.7846950888633728 +in:0.18189485371112823 of:0.11951856315135956 and:0.07096593081951141 at:0.054647669196128845 :0.062180276960134506 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.12402486056089401 shall:0.09429566562175751 and:0.07660117000341415 issued:0.044999632984399796 :0.052086807787418365 +der:0.12263701111078262 til:0.10974360257387161 less:0.03549420088529587 able:0.016936486586928368 :0.39640188217163086 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +to:0.14551393687725067 and:0.05155710130929947 in:0.05047784373164177 a:0.033418942242860794 :0.07877050340175629 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.4899304509162903 and:0.049234360456466675 by:0.032713450491428375 the:0.020835917443037033 :0.035006217658519745 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.22952423989772797 a:0.08284322172403336 he:0.020743094384670258 which:0.019923247396945953 :0.13476289808750153 +of:0.10292766988277435 in:0.07790473848581314 and:0.050013020634651184 to:0.04074917361140251 :0.11720316112041473 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +the:0.038386888802051544 to:0.015392661094665527 a:0.014380856417119503 that:0.01046338863670826 :0.19328241050243378 +of:0.27217957377433777 and:0.13311076164245605 were:0.10531836003065109 are:0.06691037118434906 :0.06921030580997467 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +in:0.24516183137893677 and:0.08641283214092255 are:0.05880246311426163 who:0.04255644232034683 :0.04200340434908867 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +visions:0.0862513929605484 vided:0.03267056494951248 posed:0.02949434518814087 duce:0.024400215595960617 :0.44045448303222656 +and:0.10156119614839554 of:0.04910600557923317 at:0.04451661556959152 was:0.0372316837310791 :0.08511911332607269 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +of:0.3725869655609131 to:0.08517558872699738 that:0.047408752143383026 a:0.035384152084589005 :0.07012268155813217 +to:0.2551821768283844 and:0.04802737757563591 the:0.024809705093503 was:0.02462751604616642 :0.09681924432516098 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.3742437958717346 to:0.06732679158449173 and:0.06407733261585236 for:0.02133730612695217 :0.07010629773139954 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.024765070527791977 of:0.014011867344379425 to:0.00866837427020073 .:0.008326971903443336 :0.3376103639602661 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +over:0.17416685819625854 to:0.10418988764286041 out:0.06471280753612518 toward:0.056934457272291183 :0.05457296222448349 +John:0.020924141630530357 of:0.020790662616491318 and:0.02031232975423336 William:0.016592612490057945 :0.5173823237419128 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +The:0.15292760729789734 I:0.07966829836368561 It:0.0469072125852108 In:0.04120953753590584 :0.14397834241390228 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +Co.,:0.07693222165107727 of:0.0704570785164833 and:0.06081731617450714 Company,:0.05452076345682144 :0.20924612879753113 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1869860142469406 a:0.12260398268699646 soon:0.0642012506723404 to:0.054645996540784836 :0.07970233261585236 +of:0.7993471622467041 the:0.0287939440459013 and:0.01496486458927393 ot:0.01233910396695137 :0.018654391169548035 +The:0.12171667814254761 It:0.06574743986129761 I:0.0466650165617466 He:0.02684587612748146 :0.16403333842754364 +to:0.3069402873516083 of:0.1669664978981018 that:0.08067576587200165 and:0.04336652159690857 :0.03795436769723892 +and:0.0216051135212183 E:0.015812955796718597 A:0.014276853762567043 F.:0.010626784525811672 :0.5523478984832764 +to:0.4870537221431732 for:0.08166098594665527 the:0.03942229598760605 in:0.03613075241446495 :0.04370887205004692 +and:0.13283242285251617 was:0.06636261194944382 in:0.04906615987420082 to:0.03761113062500954 :0.14239534735679626 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +o'clock:0.09893149882555008 per:0.07161907106637955 to:0.05035020411014557 o’clock:0.0258738175034523 :0.19634735584259033 +was:0.12970006465911865 is:0.05018964782357216 had:0.04633213207125664 has:0.040226515382528305 :0.18085144460201263 +and:0.06718937307596207 of:0.03882334381341934 Stanley:0.01874139904975891 had:0.016514930874109268 :0.09635719656944275 +the:0.16104719042778015 with:0.07998905330896378 in:0.05466879531741142 at:0.032681312412023544 :0.08351600170135498 +of:0.16237550973892212 for:0.08677653223276138 to:0.05511355772614479 and:0.04801983758807182 :0.15536727011203766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.41960951685905457 the:0.11335839331150055 for:0.07736432552337646 a:0.018628140911459923 :0.030925964936614037 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +average:0.04468708112835884 report:0.04290591925382614 tax:0.027084974572062492 convention:0.024906393140554428 :0.36134541034698486 +tract:0.024757424369454384 sidered:0.019324785098433495 gress:0.018629413098096848 -:0.01813599281013012 :0.5655115842819214 +and:0.0678473562002182 government:0.01990499347448349 army:0.01550846453756094 people:0.008173353038728237 :0.39286383986473083 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ticular:0.14614874124526978 ty:0.08767599612474442 ties:0.08674871176481247 ties.:0.08190910518169403 :0.36589962244033813 +of:0.18480107188224792 was:0.11442989110946655 and:0.07317230105400085 is:0.037244126200675964 :0.10861802846193314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.34804269671440125 see:0.022612640634179115 bo:0.01645580120384693 say:0.013168903067708015 :0.14460411667823792 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.18991096317768097 a:0.07370725274085999 tho:0.01514104288071394 his:0.013099993579089642 :0.21051880717277527 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +us:0.16490952670574188 the:0.14133049547672272 him:0.0580168291926384 them:0.05629434809088707 :0.057524699717760086 +the:0.07266172766685486 in:0.06842244416475296 that:0.059917379170656204 at:0.04960600286722183 :0.08273350447416306 +of:0.4249374270439148 in:0.03695571422576904 the:0.02999868616461754 when:0.024881668388843536 :0.06082438305020332 +for:0.38682636618614197 a:0.12811419367790222 the:0.051637183874845505 that:0.04105094075202942 :0.07557807862758636 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.2181096076965332 but:0.042640320956707 is:0.028049902990460396 the:0.022670229896903038 :0.07683493196964264 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.08071541041135788 be:0.05329760164022446 before:0.02743157558143139 had:0.025021854788064957 :0.11805479228496552 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.2530380189418793 in:0.04904486984014511 on:0.04572353884577751 the:0.04374484345316887 :0.05024919658899307 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +per:0.10937954485416412 of:0.10161136835813522 on:0.07068488746881485 and:0.07034411281347275 :0.06081569194793701 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.07733438909053802 at:0.06193719431757927 in:0.05997573956847191 of:0.051954422146081924 :0.11821800470352173 +and:0.07823817431926727 standard:0.02954074926674366 in:0.02772456407546997 medal:0.02532331459224224 :0.25917351245880127 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +The:0.185243621468544 It:0.07789181172847748 In:0.044611670076847076 This:0.03604140877723694 :0.10481107980012894 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.737288236618042 ot:0.029259901493787766 ol:0.018002167344093323 thereof:0.015967626124620438 :0.017906051129102707 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +2:0.13071444630622864 1,:0.04689938947558403 1:0.040446825325489044 3:0.03309953585267067 :0.24890197813510895 +the:0.046054672449827194 that:0.038342032581567764 in:0.024624234065413475 to:0.023752106353640556 :0.32816535234451294 +and:0.1703549027442932 the:0.05895339325070381 when:0.03726070374250412 as:0.028939059004187584 :0.06146486476063728 +of:0.23272022604942322 for:0.1125580444931984 to:0.07610684633255005 and:0.04020889475941658 :0.03912656754255295 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.003613847540691495 the:0.003563810372725129 body:0.002806076081469655 -:0.002618444385007024 :0.9371891617774963 +than:0.13424623012542725 to:0.03985553979873657 and:0.029384437948465347 for:0.02857142686843872 :0.14794586598873138 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.16338911652565002 the:0.079368457198143 but:0.03340580686926842 as:0.021051257848739624 :0.1108698695898056 +the:0.1585543006658554 tho:0.033081214874982834 a:0.02790134958922863 once:0.024541763588786125 :0.2612431049346924 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.0076841507107019424 city:0.0066537922248244286 said:0.004600880201905966 property:0.004494376014918089 :0.32110363245010376 +a:0.05025562271475792 not:0.04520045965909958 be:0.03764525055885315 is:0.03603275865316391 :0.132454052567482 +of:0.19967487454414368 and:0.10273344069719315 from:0.03838518261909485 was:0.03596460074186325 :0.11656926572322845 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.27714136242866516 to:0.048719651997089386 and:0.04799798130989075 in:0.036404505372047424 :0.05107022076845169 +to:0.19577735662460327 acts:0.0219406858086586 offense,:0.015801437199115753 act:0.014315517619252205 :0.3456976115703583 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.13550369441509247 was:0.09816290438175201 is:0.049135755747556686 of:0.04081900790333748 :0.13110317289829254 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.2128244787454605 but:0.05943397060036659 the:0.03697749227285385 or:0.022007396444678307 :0.1229618638753891 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.030874747782945633 at:0.027639061212539673 the:0.024156155064702034 and:0.023927314206957817 :0.1657601296901703 +the:0.18288789689540863 out:0.128514364361763 on:0.07540468871593475 it:0.06239635869860649 :0.06491799652576447 +.:0.04946545884013176 o'clock:0.0450127050280571 and:0.037272244691848755 per:0.0343312993645668 :0.36093729734420776 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.3114728629589081 of:0.21687355637550354 is:0.032260168343782425 and:0.02124396525323391 :0.04356854781508446 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.17121295630931854 and:0.02373630367219448 from:0.01589851826429367 4:0.014923793263733387 :0.21956083178520203 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +that:0.11692923307418823 the:0.05579661205410957 and:0.04888942465186119 is:0.043587032705545425 :0.06334752589464188 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.11845995485782623 that:0.10215578228235245 a:0.07469209283590317 to:0.0738128200173378 :0.09387335926294327 +that:0.3057287633419037 a:0.11404867470264435 the:0.07526559382677078 how:0.03739549219608307 :0.03717785328626633 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +to:0.0771680548787117 the:0.06743650883436203 a:0.059450648725032806 he:0.029272712767124176 :0.2850901484489441 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +in:0.11860742419958115 the:0.10143985599279404 a:0.06425660848617554 him:0.05104483291506767 :0.10769205540418625 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.30057239532470703 of:0.08033281564712524 with:0.04449190944433212 was:0.04138520359992981 :0.11843397468328476 +of:0.3725869655609131 to:0.08517558872699738 that:0.047408752143383026 a:0.035384152084589005 :0.07012268155813217 +to:0.29860347509384155 by:0.0787431076169014 with:0.07178463041782379 the:0.06192659214138985 :0.11028049141168594 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +and:0.15707692503929138 of:0.15200014412403107 in:0.08252240717411041 to:0.05247116461396217 :0.05575787276029587 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +between:0.24448734521865845 in:0.13205261528491974 of:0.13088148832321167 is:0.03719990327954292 :0.03374578431248665 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +own:0.02311009354889393 way:0.007876009680330753 power:0.004256417974829674 most:0.0040624081157147884 :0.3714805245399475 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.23283474147319794 the:0.05051233246922493 but:0.049050506204366684 which:0.024045834317803383 :0.10860956460237503 +of:0.11612993478775024 and:0.060064177960157394 a:0.04228702187538147 the:0.03804793581366539 :0.27317318320274353 +and:0.15782052278518677 who:0.04457515850663185 the:0.02866184525191784 to:0.02762424759566784 :0.11209099739789963 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +or:0.03198176622390747 and:0.031506527215242386 to:0.030752409249544144 who:0.02489263005554676 :0.21799084544181824 +and:0.14379391074180603 to:0.0569496676325798 of:0.05682336911559105 for:0.05187902972102165 :0.04358656331896782 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.33687904477119446 day:0.03186367452144623 Hundred:0.030532803386449814 thing:0.018876586109399796 :0.07920660823583603 +is:0.08458858728408813 and:0.08118618279695511 in:0.07224512845277786 to:0.03802649304270744 :0.06991125643253326 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.13747546076774597 who:0.0778050422668457 the:0.0370086245238781 but:0.024101005867123604 :0.06974043697118759 +in:0.05782552435994148 are:0.04229901731014252 were:0.03272838145494461 to:0.03058939427137375 :0.08897760510444641 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.3096974790096283 W:0.02653813734650612 A:0.01755259558558464 M:0.01583448424935341 :0.19283215701580048 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2723868787288666 he:0.03920719772577286 they:0.023226648569107056 it:0.023093605414032936 :0.0996004045009613 +of:0.3492714464664459 to:0.08280724287033081 and:0.07245134562253952 who:0.033904630690813065 :0.05284779146313667 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07611524313688278 and:0.06226734817028046 of:0.056447435170412064 a:0.0515863336622715 :0.09082558751106262 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07414751499891281 floral:0.060283027589321136 young:0.02498686872422695 in:0.012302358634769917 :0.2652178704738617 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +down:0.09721045941114426 in:0.08399540185928345 down,:0.06210452318191528 up:0.05838075652718544 :0.0499466173350811 +by:0.17519377171993256 the:0.1527978479862213 in:0.04996713995933533 at:0.04361633583903313 :0.03865932673215866 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.1606997549533844 was:0.026514701545238495 to:0.019574690610170364 &:0.013721429742872715 :0.29993921518325806 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +the:0.20869651436805725 described:0.05462256446480751 all:0.0308659877628088 named:0.028359683230519295 :0.16649943590164185 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.15565750002861023 about:0.05211285501718521 the:0.0509326346218586 into:0.04151736944913864 :0.059808798134326935 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.17477811872959137 but:0.03451760113239288 with:0.024965735152363777 so:0.019137732684612274 :0.15956781804561615 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.09420182555913925 to:0.052698731422424316 was:0.028192833065986633 Market:0.020383836701512337 :0.1872854381799698 +to:0.13636019825935364 the:0.096377432346344 and:0.052514441311359406 in:0.02312244474887848 :0.08834050595760345 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.31238505244255066 a:0.02653948776423931 said:0.020876625552773476 tho:0.019418787211179733 :0.1332964301109314 +force,:0.12161131948232651 force:0.09920625388622284 jury:0.06258352100849152 and:0.040269698947668076 :0.11268214136362076 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +sky,:0.06249403581023216 South,:0.024879056960344315 days:0.023754367604851723 afternoon:0.02342403493821621 :0.1058971956372261 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.20207582414150238 but:0.04039422422647476 the:0.03941715508699417 as:0.028897492215037346 :0.10259946435689926 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +in:0.11364799737930298 that:0.09894558042287827 feature:0.07663906365633011 fact:0.032926294952631 :0.0966075211763382 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.1730981171131134 it:0.07417851686477661 they:0.05781606212258339 or:0.05708717182278633 :0.0663580372929573 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +as:0.11617293208837509 and:0.047334928065538406 enough:0.030447816476225853 before:0.02996676415205002 :0.1939040869474411 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.05985858663916588 and:0.049315162003040314 will:0.04759225621819496 to:0.042513296008110046 :0.16501404345035553 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +to:0.36650875210762024 and:0.23136170208454132 of:0.0321691669523716 were:0.02126391977071762 :0.03712417930364609 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.23019053041934967 the:0.045667726546525955 but:0.029297737404704094 as:0.01939970627427101 :0.0625685378909111 +litical:0.16919821500778198 sition:0.049740031361579895 lice:0.03428523987531662 .:0.006069459952414036 :0.6598847508430481 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +B:0.04202137142419815 J:0.01830977573990822 A.:0.01320461742579937 W.:0.01309368945658207 :0.5110524892807007 +the:0.06401190161705017 r:0.03205733373761177 >r:0.017570331692695618 tho:0.00833934172987938 :0.24295586347579956 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +of:0.2950032651424408 to:0.08425668627023697 and:0.054636817425489426 that:0.04697734862565994 :0.04745080694556236 +from:0.2638508975505829 in:0.1773742288351059 with:0.105396568775177 according:0.058807216584682465 :0.09818936139345169 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +as:0.2656653821468353 from:0.06543400138616562 beyond:0.03876215219497681 the:0.025276638567447662 :0.061853520572185516 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +and:0.1750882863998413 or:0.04618263617157936 the:0.03648446872830391 of:0.025225143879652023 :0.21594037115573883 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +who:0.10279558598995209 and:0.050773702561855316 was:0.04837517812848091 in:0.04814588278532028 :0.07640182226896286 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +in:0.07591651380062103 as:0.0431092344224453 the:0.037105150520801544 and:0.03665897995233536 :0.05940091237425804 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.04850097745656967 and:0.04740873724222183 of:0.037641741335392 for:0.034149833023548126 :0.0796109214425087 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.0687781423330307 the:0.03771907836198807 a:0.0362168587744236 or:0.0210895873606205 :0.10218050330877304 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.22093386948108673 and:0.05622246861457825 to:0.038724273443222046 in:0.0372563973069191 :0.0706440731883049 +gers:0.3563946783542633 ger:0.1830935776233673 cers:0.0035416907630860806 lot:0.002763032913208008 :0.396209180355072 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +own:0.022626690566539764 mind:0.016196811571717262 head:0.01090501993894577 friends:0.01072103064507246 :0.2731509506702423 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +rected:0.269949346780777 vided:0.08128602802753448 rectly:0.06635631620883942 rection:0.02659219689667225 :0.45452171564102173 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.14426572620868683 in:0.03154262900352478 a:0.022436609491705894 made:0.017280662432312965 :0.13586539030075073 +and:0.22883448004722595 the:0.05058525502681732 or:0.027156902477145195 but:0.025487365201115608 :0.07706668227910995 +and:0.0850333645939827 of:0.07549522817134857 is:0.04837621748447418 was:0.03858381509780884 :0.11046049743890762 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.1649177521467209 of:0.09746325761079788 was:0.04335464909672737 in:0.036751639097929 :0.04153890162706375 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.3507852256298065 the:0.06727071106433868 to:0.04962644353508949 a:0.03148403391242027 :0.050509799271821976 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +the:0.07772291451692581 it:0.048399802297353745 if:0.039398349821567535 be:0.026288533583283424 :0.06323264539241791 +products:0.08229474723339081 and:0.05293435603380203 cow:0.04147527739405632 at:0.03915715962648392 :0.2986033260822296 +.:0.15049904584884644 is:0.019187016412615776 the:0.0137020293623209 was:0.011398756876587868 :0.3133888840675354 +and:0.09427285194396973 to:0.06338802725076675 as:0.03983384370803833 on:0.03333048149943352 :0.1048717051744461 +the:0.24922113120555878 a:0.05138245224952698 his:0.03303111344575882 its:0.03209777548909187 :0.03519082069396973 +as:0.21433736383914948 to:0.1694677621126175 that:0.057635463774204254 and:0.04688336327672005 :0.07275285571813583 +and:0.07369507104158401 eye:0.055475011467933655 sense:0.040004584938287735 interest:0.03139429911971092 :0.17270627617835999 +to:0.32393696904182434 by:0.2628864049911499 and:0.07346994429826736 the:0.021535219624638557 :0.023301072418689728 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +down:0.09721045941114426 in:0.08399540185928345 down,:0.06210452318191528 up:0.05838075652718544 :0.0499466173350811 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +of:0.3239564001560211 and:0.029497044160962105 in:0.02307962439954281 or:0.020835209637880325 :0.11690698564052582 +lowing:0.2916877269744873 low:0.2693873345851898 lowed:0.12268157303333282 lows::0.05361805111169815 :0.15352244675159454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +property:0.03509614244103432 and:0.027003737166523933 letter:0.011792234145104885 or:0.010764597915112972 :0.39134323596954346 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +and:0.2809411883354187 of:0.13678576052188873 in:0.11645038425922394 were:0.027734722942113876 :0.058732494711875916 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.021647987887263298 of:0.014078006148338318 a:0.011166967451572418 to:0.010220141150057316 :0.4349221885204315 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.23762525618076324 the:0.0610135979950428 which:0.041344400495290756 but:0.03132641687989235 :0.08560843020677567 +and:0.042644865810871124 was:0.014313429594039917 K.:0.013349856249988079 H.:0.01208419632166624 :0.5764185190200806 +of:0.3152969777584076 for:0.07688044756650925 to:0.0613081157207489 as:0.04212632402777672 :0.03588784858584404 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.07119034975767136 of:0.05889483913779259 in:0.044668350368738174 is:0.02934967167675495 :0.11566431075334549 +into:0.07446039468050003 and:0.06253959238529205 as:0.0573195144534111 of:0.050188176333904266 :0.05335777625441551 +John:0.02419145032763481 J:0.021196261048316956 William:0.019821150228381157 W.:0.018852848559617996 :0.3762859106063843 +to:0.20287702977657318 for:0.17440657317638397 of:0.09176936000585556 the:0.0664663091301918 :0.061466656625270844 +he:0.04570460319519043 the:0.02438543550670147 of:0.018690669909119606 lie:0.013897743076086044 :0.28634876012802124 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +e:0.018235081806778908 the:0.015342568047344685 and:0.01515828538686037 I:0.01119828037917614 :0.12112203985452652 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +said:0.004928037989884615 whole:0.004053969867527485 United:0.003921668976545334 city:0.0038735964335501194 :0.4893916845321655 +and:0.1773577183485031 but:0.06623359024524689 the:0.04073788598179817 to:0.03987853229045868 :0.08718899637460709 +of:0.18774156272411346 in:0.06975734978914261 to:0.05827110633254051 was:0.0564400888979435 :0.054718710482120514 +at:0.15028207004070282 in:0.13946698606014252 to:0.06632813811302185 and:0.04587538167834282 :0.06242282688617706 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.1252095103263855 the:0.04394999146461487 in:0.02248777262866497 which:0.020735859870910645 :0.1879892647266388 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +has:0.0630265474319458 and:0.05439981073141098 of:0.05134031921625137 to:0.05008210614323616 :0.05919277295470238 +behind:0.04946257546544075 the:0.036021888256073 to:0.02945617027580738 and:0.029172776266932487 :0.1283750981092453 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.09566552937030792 were:0.0912591814994812 to:0.0466630645096302 of:0.04566056281328201 :0.07037867605686188 +and:0.13058777153491974 to:0.042502835392951965 is:0.0391644649207592 will:0.02743174321949482 :0.1432691514492035 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +and:0.1668451875448227 to:0.13756756484508514 in:0.042178090661764145 of:0.039761971682310104 :0.03557358309626579 +as:0.22470037639141083 upon:0.09809723496437073 in:0.06098548695445061 on:0.049549344927072525 :0.12041414529085159 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.027771001681685448 government:0.026833780109882355 fleet:0.018276723101735115 Government:0.018250303342938423 :0.2583991587162018 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +in:0.4008534848690033 the:0.0656803697347641 a:0.06527581810951233 In:0.047727786004543304 :0.07762189209461212 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +with:0.24821709096431732 up:0.05202778801321983 and:0.028721105307340622 in:0.026119085028767586 :0.2785775363445282 +1,:0.042524319142103195 of:0.03299134224653244 and:0.03198060765862465 1st,:0.018677780404686928 :0.36126747727394104 +cure:0.03464743494987488 establishment:0.027006441727280617 and:0.02609812095761299 cure.:0.023817183449864388 :0.15674178302288055 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.13642063736915588 on:0.06608615070581436 to:0.05132807791233063 in:0.05085804685950279 :0.058002084493637085 +of:0.20889495313167572 and:0.07559248059988022 was:0.036938440054655075 in:0.0350450798869133 :0.06227114796638489 +that:0.4045427441596985 the:0.08642800897359848 it:0.04791282117366791 in:0.04674803093075752 :0.03147798031568527 +the:0.22792276740074158 they:0.06552286446094513 he:0.036325570195913315 a:0.03300890326499939 :0.11380048841238022 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2561436593532562 future:0.03806380182504654 to:0.01730288565158844 at:0.015998439863324165 :0.3009978234767914 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +order:0.00796420406550169 Btate:0.006820258218795061 South:0.006451931782066822 south:0.005090331193059683 :0.48939236998558044 +of:0.170942023396492 one:0.020971115678548813 time:0.0206137727946043 other:0.01559344120323658 :0.19066941738128662 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +of:0.17814764380455017 after:0.05431090295314789 and:0.04805903509259224 before:0.04714268073439598 :0.06437655538320541 +the:0.2112746238708496 with:0.05804220214486122 at:0.042472947388887405 in:0.02954920195043087 :0.06923234462738037 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.214106485247612 blue:0.04712706059217453 but:0.03894447162747383 yellow,:0.03565452992916107 :0.1311483085155487 +e:0.018974129110574722 nearest:0.011582906357944012 Peace:0.009849470108747482 the:0.007685049902647734 :0.24586685001850128 +not:0.031746845692396164 to:0.03164999186992645 a:0.023945994675159454 the:0.019607877358794212 :0.15969234704971313 +in:0.6059339642524719 In:0.03720339760184288 and:0.02389456517994404 to:0.019808385521173477 :0.07334857434034348 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +terest:0.026771537959575653 to:0.023351384326815605 crease:0.01962587982416153 stead:0.01698007807135582 :0.6645326614379883 +selves:0.6450464725494385 selves,:0.053495071828365326 of:0.004220276139676571 The:0.0028447892982512712 :0.24039645493030548 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.17123903334140778 a:0.08701403439044952 that:0.06825298070907593 him:0.06086057797074318 :0.08613831549882889 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08270350843667984 in:0.07067397236824036 of:0.06822115182876587 with:0.05883878096938133 :0.09451132267713547 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.22006067633628845 or:0.06089397147297859 in:0.054358720779418945 is:0.04906823858618736 :0.04528891295194626 +of:0.3198436200618744 and:0.08295407891273499 were:0.03846123814582825 shall:0.028585180640220642 :0.08034946024417877 +Street:0.18246044218540192 street:0.06687450408935547 and:0.05482751876115799 street,:0.033369939774274826 :0.27147039771080017 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +of:0.1735861599445343 to:0.08575348556041718 and:0.0735848918557167 for:0.038704656064510345 :0.09194998443126678 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Mrs.:0.3273727297782898 Miss:0.17745135724544525 who:0.0384957492351532 and:0.03540967032313347 :0.06399394571781158 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.10071788728237152 to:0.08284108340740204 the:0.08242861181497574 and:0.0513327457010746 :0.26609981060028076 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +L:0.03485645353794098 L.:0.02572566829621792 B:0.013335958123207092 D:0.011518541723489761 :0.5573031902313232 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +thing:0.022413330152630806 important:0.022125758230686188 feature:0.019533105194568634 point:0.015698494389653206 :0.17471547424793243 +times,:0.03456950560212135 civilization.:0.02349027618765831 times:0.022229384630918503 and:0.021695274859666824 :0.2684680223464966 +natural:0.03144001215696335 well:0.03053947165608406 harmless:0.02363319881260395 dry:0.015175308100879192 :0.3417459726333618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.23758269846439362 are:0.06531527638435364 and:0.06091810762882233 in:0.05190008506178856 :0.06075957417488098 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +to:0.1918221116065979 by:0.0698874294757843 that:0.06923987716436386 a:0.05000923201441765 :0.07026910781860352 +a:0.08663710951805115 more:0.04837244004011154 to:0.044759150594472885 the:0.03762845695018768 :0.11864825338125229 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18094788491725922 on:0.07658985257148743 or:0.03547493740916252 the:0.034945257008075714 :0.03413354977965355 +of:0.42267516255378723 and:0.12052043527364731 in:0.04065778851509094 or:0.040173787623643875 :0.02658594772219658 +ter,:0.15604686737060547 ter:0.12507833540439606 ter.:0.07198550552129745 ters:0.03588682413101196 :0.213609978556633 +and:0.25731101632118225 of:0.10416540503501892 is:0.03491747006773949 officer:0.025916755199432373 :0.09516704827547073 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.24423739314079285 this:0.06434666365385056 he:0.056507568806409836 be:0.04786336421966553 :0.04541647806763649 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.13432778418064117 who:0.07656916230916977 but:0.0314805842936039 the:0.025896072387695312 :0.06799708306789398 +of:0.3253692090511322 that:0.16657759249210358 and:0.05928375571966171 the:0.03865644335746765 :0.030338041484355927 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +of:0.42879217863082886 the:0.05639713630080223 in:0.0377148762345314 and:0.027652010321617126 :0.04382414370775223 +and:0.04901852458715439 the:0.029432591050863266 21,:0.02117590792477131 21:0.013518373481929302 :0.6126132607460022 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.12970006465911865 is:0.05018964782357216 had:0.04633213207125664 has:0.040226515382528305 :0.18085144460201263 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05148844048380852 to:0.037268612533807755 is:0.032358307391405106 in:0.030010424554347992 :0.0852578654885292 +the:0.06384158134460449 a:0.017160408198833466 to:0.016347425058484077 that:0.014101611450314522 :0.32073915004730225 +of:0.08616402000188828 in:0.06534877419471741 are:0.05751437693834305 and:0.05672188103199005 :0.06820040196180344 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +of:0.2887149751186371 line:0.03762117773294449 and:0.030231181532144547 guard:0.02232513576745987 :0.07054842263460159 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.18543414771556854 but:0.02747206762433052 the:0.02242274209856987 or:0.022404519841074944 :0.08503780514001846 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +in:0.18189485371112823 of:0.11951856315135956 and:0.07096593081951141 at:0.054647669196128845 :0.062180276960134506 +not:0.031746845692396164 to:0.03164999186992645 a:0.023945994675159454 the:0.019607877358794212 :0.15969234704971313 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.36503031849861145 their:0.0710395947098732 it:0.03137814253568649 them:0.022521231323480606 :0.07943355292081833 +not:0.5506755709648132 the:0.047320473939180374 it:0.017900848761200905 he:0.014369072392582893 :0.04731939360499382 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.20869651436805725 described:0.05462256446480751 all:0.0308659877628088 named:0.028359683230519295 :0.16649943590164185 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +of:0.13623647391796112 the:0.046921685338020325 and:0.04578043892979622 to:0.0233603622764349 :0.15587379038333893 +8.:0.3895580470561981 N.:0.0962158814072609 S.:0.04134564474225044 south:0.03569323197007179 :0.0886828675866127 +2:0.13071444630622864 1,:0.04689938947558403 1:0.040446825325489044 3:0.03309953585267067 :0.24890197813510895 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +B.:0.023541409522294998 H.:0.022274235263466835 E:0.021088752895593643 B:0.017310943454504013 :0.4304690957069397 +of:0.11905427277088165 for:0.09192775934934616 are:0.045448191463947296 to:0.038105309009552 :0.05320701003074646 +was:0.031488459557294846 have:0.029229676350951195 to:0.0215146504342556 am:0.01800832711160183 :0.24637457728385925 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +tional:0.2804396450519562 tion,:0.14350827038288116 tion:0.11528564989566803 tions:0.08182261139154434 :0.10987589508295059 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Louis:0.31712228059768677 Paul,:0.15894560515880585 Louis,:0.07619889080524445 Paul:0.07152567058801651 :0.20302176475524902 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +to:0.17118075489997864 character:0.016888504847884178 case:0.012587571516633034 in:0.010735694319009781 :0.15411418676376343 +of:0.33905723690986633 in:0.0802650973200798 and:0.03659384697675705 is:0.03332223743200302 :0.03895736485719681 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +average:0.04468708112835884 report:0.04290591925382614 tax:0.027084974572062492 convention:0.024906393140554428 :0.36134541034698486 +in:0.09426172077655792 by:0.06740019470453262 down:0.055599700659513474 on:0.04409533366560936 :0.0659763365983963 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +to:0.12938225269317627 out:0.05318237096071243 in:0.05187520012259483 from:0.0476660281419754 :0.09325490891933441 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +a:0.01243676245212555 .:0.011993486434221268 the:0.011142071336507797 in:0.010542976669967175 :0.4072105884552002 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2381937950849533 or:0.03861191123723984 to:0.025732289999723434 but:0.022446736693382263 :0.053360968828201294 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.5187309980392456 of:0.042454902082681656 is:0.02942841500043869 the:0.01721104420721531 :0.025107886642217636 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +ly:0.09258534759283066 ions:0.05256982147693634 -:0.02758512832224369 the:0.019971350207924843 :0.34051313996315 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +by:0.6347290277481079 a:0.05060218647122383 the:0.03613300248980522 in:0.020790815353393555 :0.01814865507185459 +of:0.03501458466053009 in:0.029930392280220985 and:0.026904528960585594 qualities:0.007215801160782576 :0.4260486960411072 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +and:0.3335025906562805 the:0.048041798174381256 but:0.031232325360178947 with:0.025867074728012085 :0.032172635197639465 +H.:0.023287540301680565 A.:0.016149792820215225 M:0.014641269110143185 W:0.01165457908064127 :0.6034932732582092 +the:0.1284632533788681 a:0.026250101625919342 tne:0.025473326444625854 said:0.014708544127643108 :0.25927409529685974 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +the:0.11941945552825928 a:0.024454932659864426 and:0.01677066460251808 or:0.01087779738008976 :0.36679601669311523 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.18153363466262817 they:0.0724887028336525 he:0.0708465501666069 a:0.038848020136356354 :0.1027635931968689 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +sprang:0.06702053546905518 appeared:0.03181910514831543 and:0.02851753495633602 to:0.020782465115189552 :0.10060009360313416 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +that:0.5187309980392456 of:0.042454902082681656 is:0.02942841500043869 the:0.01721104420721531 :0.025107886642217636 +by:0.08698198944330215 a:0.07540608197450638 to:0.07204846292734146 the:0.06299112737178802 :0.07390780001878738 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.18533238768577576 by:0.16710349917411804 to:0.10087701678276062 at:0.0481763631105423 :0.04224369302392006 +of:0.34072044491767883 and:0.06495563685894012 in:0.05865134298801422 is:0.0331554114818573 :0.033196669071912766 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +visions:0.0862513929605484 vided:0.03267056494951248 posed:0.02949434518814087 duce:0.024400215595960617 :0.44045448303222656 +United:0.016774695366621017 same:0.008666077628731728 most:0.007206255570054054 other:0.007104007992893457 :0.28467094898223877 +of:0.14535653591156006 and:0.11891768872737885 who:0.06273132562637329 are:0.03937351703643799 :0.07162218540906906 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +to:0.08646342158317566 in:0.06261953711509705 and:0.06160210445523262 for:0.05159600079059601 :0.09178218245506287 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1751912534236908 to:0.15988126397132874 were:0.07975129038095474 in:0.05709773674607277 :0.10135256499052048 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +line:0.3929521143436432 of:0.31345731019973755 and:0.02135155349969864 to:0.011479653418064117 :0.08694513142108917 +who:0.10279558598995209 and:0.050773702561855316 was:0.04837517812848091 in:0.04814588278532028 :0.07640182226896286 +and:0.06617653369903564 of:0.057701461017131805 is:0.04582259804010391 on:0.0443306490778923 :0.04035899415612221 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.17486684024333954 to:0.055648162961006165 in:0.041222378611564636 for:0.0388302356004715 :0.060367047786712646 +Carolina:0.24945464730262756 Dakota.:0.04611166939139366 Carolina,:0.045227084308862686 Carolina.:0.02467072755098343 :0.16036924719810486 +of:0.6119489669799805 No.:0.044242579489946365 to:0.026951676234602928 and:0.021071214228868484 :0.04365861043334007 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.15211451053619385 and:0.06491141021251678 are:0.03700345382094383 in:0.033752698451280594 :0.042943019419908524 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.20164954662322998 what:0.09940941631793976 the:0.06463930010795593 how:0.04504740238189697 :0.046681005507707596 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +and:0.2838607430458069 but:0.045544084161520004 as:0.0273679718375206 the:0.027353333309292793 :0.0619850754737854 +on:0.29759931564331055 upon:0.09713812172412872 in:0.06820985674858093 the:0.0625397190451622 :0.07961425185203552 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +and:0.03580757603049278 trial:0.008162799291312695 life:0.006064745131880045 tariff:0.005759460851550102 :0.23936150968074799 +and:0.08704353123903275 county:0.06546220183372498 county,:0.03528141975402832 street:0.029014302417635918 :0.21099047362804413 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +by:0.1555761843919754 out:0.12253416329622269 in:0.06714779138565063 to:0.06021058186888695 :0.0486576110124588 +of:0.11063162982463837 and:0.07916037738323212 or:0.057095520198345184 to:0.05114269256591797 :0.10521155595779419 +as:0.16676074266433716 the:0.1152944341301918 by:0.10439851880073547 that:0.0419805608689785 :0.0875619426369667 +pressed:0.06443830579519272 perience:0.0281557347625494 pected:0.02510973997414112 tent:0.01885572075843811 :0.6821711659431458 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3767479956150055 and:0.044583335518836975 at:0.021287864074110985 in:0.019916780292987823 :0.20654445886611938 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +are:0.1516098529100418 were:0.09510866552591324 have:0.08729168027639389 had:0.04303300380706787 :0.08393822610378265 +the:0.16298779845237732 to:0.06746511161327362 of:0.06212422251701355 and:0.03181394934654236 :0.11735682189464569 +ner:0.33225399255752563 poration:0.06596877425909042 rect:0.018801404163241386 -:0.003330642357468605 :0.5220304131507874 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +most:0.0040602125227451324 last:0.003914389759302139 whole:0.0030867147725075483 two:0.002865756396204233 :0.5873268246650696 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +titled:0.3082936406135559 tered:0.20122556388378143 tirely:0.06366593390703201 tire:0.056459084153175354 :0.20369310677051544 +a:0.19267554581165314 is:0.08588237315416336 an:0.055009834468364716 was:0.03805885836482048 :0.10029205679893494 +and:0.07315509021282196 Jones:0.014134778641164303 B.:0.012697297148406506 R.:0.009363909251987934 :0.6857606768608093 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +and:0.2169131189584732 the:0.06593871116638184 or:0.04962989315390587 to:0.025427410379052162 :0.11390092223882675 +will:0.06258488446474075 and:0.05549231544137001 belonging:0.053251612931489944 as:0.038200464099645615 :0.09771193563938141 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +after:0.11666354537010193 in:0.10777078568935394 with:0.060685157775878906 by:0.03761761635541916 :0.08935832232236862 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.17165541648864746 and:0.07396183162927628 in:0.029205890372395515 to:0.025749625638127327 :0.183646559715271 +the:0.13518795371055603 up:0.11654374748468399 down:0.060906678438186646 in:0.05568457394838333 :0.04816051945090294 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.1008206307888031 have:0.03224671259522438 and:0.027459215372800827 as:0.01914992555975914 :0.23070545494556427 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.09851352125406265 the:0.08799204230308533 in:0.03399968147277832 as:0.027291854843497276 :0.13485166430473328 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.18480107188224792 was:0.11442989110946655 and:0.07317230105400085 is:0.037244126200675964 :0.10861802846193314 +and:0.16142043471336365 but:0.05496242642402649 the:0.03580531105399132 which:0.03407088294625282 :0.06960850954055786 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.07341509312391281 a:0.049423087388277054 to:0.04617488384246826 well:0.021063145250082016 :0.20942045748233795 +of:0.04445302486419678 amount:0.031528785824775696 possible:0.02000918611884117 and:0.013965141028165817 :0.18267512321472168 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.5572570562362671 the:0.04014807194471359 that:0.03276018425822258 it:0.028197379782795906 :0.027583159506320953 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +Carolina:0.11027681827545166 Dakota:0.0768587589263916 Dakota,:0.0702580139040947 and:0.05092305690050125 :0.19722449779510498 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +who:0.1145944893360138 are:0.06116102263331413 of:0.048711638897657394 to:0.042582131922245026 :0.07955609261989594 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16504637897014618 was:0.06634878367185593 in:0.061390310525894165 and:0.06015203893184662 :0.05161468684673309 +and:0.0216051135212183 E:0.015812955796718597 A:0.014276853762567043 F.:0.010626784525811672 :0.5523478984832764 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +necessary:0.12102842330932617 to:0.07020524144172668 it:0.0685875415802002 advisable:0.05479852110147476 :0.16378892958164215 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +John:0.02419145032763481 J:0.021196261048316956 William:0.019821150228381157 W.:0.018852848559617996 :0.3762859106063843 +.:0.17716176807880402 Y:0.019859878346323967 J:0.01294737122952938 W:0.012791167944669724 :0.37687644362449646 +the:0.030827749520540237 a:0.019209111109375954 is:0.01836548000574112 was:0.017366625368595123 :0.3341374695301056 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +seen:0.029759638011455536 been:0.029032964259386063 ever:0.02789376862347126 seen,:0.02633196860551834 :0.13484622538089752 +and:0.04058947041630745 that:0.02616053633391857 to:0.020738113671541214 result:0.015988297760486603 :0.39834535121917725 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27084583044052124 a:0.1121392622590065 ten:0.051281075924634933 thirty:0.027615971863269806 :0.05882716178894043 +of:0.11881507933139801 and:0.0825563594698906 in:0.05218568816781044 to:0.03200497105717659 :0.06699372082948685 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.2306268960237503 and:0.0870448648929596 are:0.04027795046567917 shall:0.03197593614459038 :0.12111067771911621 +of:0.2170351892709732 was:0.07154311239719391 and:0.06974352896213531 is:0.04035491123795509 :0.06983284652233124 +Judicial:0.1718042641878128 of:0.13395091891288757 and:0.06314975023269653 street:0.04058687016367912 :0.2005096673965454 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +company,:0.14722736179828644 company:0.1129235029220581 Mining:0.07406947016716003 Company:0.025672974064946175 :0.16471384465694427 +containing:0.14896297454833984 and:0.12810733914375305 passing:0.03714818134903908 in:0.028722018003463745 :0.1466025561094284 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +who:0.30322128534317017 of:0.07107912003993988 in:0.020756132900714874 that:0.016599135473370552 :0.1342175304889679 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +of:0.5151461958885193 upon:0.02918759360909462 are:0.02704250067472458 were:0.02553810551762581 :0.020704299211502075 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16225337982177734 and:0.10901137441396713 to:0.044346775859594345 in:0.033041149377822876 :0.1081375703215599 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.15238593518733978 and:0.05266912281513214 to:0.05213835462927818 in:0.034158650785684586 :0.10471653938293457 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.422188937664032 and:0.11673970520496368 to:0.02935265377163887 in:0.026593104004859924 :0.055545590817928314 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.3329096734523773 the:0.04841763153672218 to:0.036063551902770996 as:0.034435681998729706 :0.0768459290266037 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.3098573088645935 and:0.03993211314082146 is:0.019763464108109474 for:0.018341539427638054 :0.19228701293468475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.09869370609521866 was:0.036525364965200424 power:0.026755398139357567 to:0.02459234744310379 :0.16967229545116425 +who:0.06144865229725838 in:0.05274626240134239 knows:0.05266488343477249 was:0.048056118190288544 :0.14383436739444733 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.31825682520866394 a:0.10373058170080185 to:0.04842788726091385 their:0.018796879798173904 :0.06947438418865204 +to:0.36650875210762024 and:0.23136170208454132 of:0.0321691669523716 were:0.02126391977071762 :0.03712417930364609 +the:0.6101379990577698 tho:0.04726777225732803 which:0.028806906193494797 his:0.026962196454405785 :0.033769380301237106 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +tice:0.07817943394184113 thing:0.06000008061528206 tion:0.02498774416744709 ble:0.023809000849723816 :0.39864856004714966 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14256888628005981 Indiana,:0.054477836936712265 the:0.02976262755692005 who:0.02066130004823208 :0.12550579011440277 +of:0.2336798906326294 and:0.11064736545085907 in:0.0461588092148304 to:0.043067026883363724 :0.029857859015464783 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08175539970397949 is:0.053875576704740524 he:0.04880308359861374 was:0.03798829764127731 :0.07629388570785522 +the:0.13135191798210144 it:0.04684294015169144 if:0.041680917143821716 I:0.035937707871198654 :0.06944107264280319 +of:0.0924113318324089 by:0.048582032322883606 in:0.04480356723070145 the:0.04410794377326965 :0.12332148849964142 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +to:0.12938225269317627 out:0.05318237096071243 in:0.05187520012259483 from:0.0476660281419754 :0.09325490891933441 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.09013828635215759 as:0.07559792697429657 to:0.021026527509093285 withdrew:0.016557784751057625 :0.14223907887935638 +marked:0.07452408224344254 and:0.06632210314273834 in:0.03935029357671738 set:0.03315087407827377 :0.15958184003829956 +said:0.004928037989884615 whole:0.004053969867527485 United:0.003921668976545334 city:0.0038735964335501194 :0.4893916845321655 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.252049058675766 of:0.20941725373268127 for:0.09102072566747665 to:0.06962812691926956 :0.06876609474420547 +and:0.13786809146404266 courage:0.03172771632671356 character,:0.02282702550292015 right:0.013092714361846447 :0.34364962577819824 +and:0.15333808958530426 village:0.0686577558517456 the:0.027194784954190254 in:0.025997500866651535 :0.08315753191709518 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2561436593532562 future:0.03806380182504654 to:0.01730288565158844 at:0.015998439863324165 :0.3009978234767914 +and:0.11125113815069199 to:0.09159598499536514 in:0.06826943159103394 who:0.05327513441443443 :0.06105606630444527 +morning:0.1010778471827507 school:0.055180709809064865 night:0.034973081201314926 afternoon:0.034190915524959564 :0.1363540142774582 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.14160698652267456 of:0.1361166536808014 to:0.0970737487077713 in:0.06538072228431702 :0.04326844960451126 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +war:0.04122858867049217 of:0.037425171583890915 in:0.03721177577972412 to:0.031375110149383545 :0.1857815682888031 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.19603511691093445 for:0.15509384870529175 and:0.12723031640052795 in:0.03400782495737076 :0.03893242031335831 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.20207582414150238 but:0.04039422422647476 the:0.03941715508699417 as:0.028897492215037346 :0.10259946435689926 +and:0.061645928770303726 H.:0.034879494458436966 F.:0.029092926532030106 R.:0.025675078853964806 :0.3363632559776306 +in:0.0485968142747879 the:0.020430123433470726 and:0.01895315945148468 to:0.017438633367419243 :0.14148962497711182 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.08842797577381134 important:0.01133589819073677 Interesting:0.009982946328818798 efficient:0.009368951432406902 :0.5607485175132751 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +per:0.049016449600458145 a:0.03758465498685837 to:0.02917432226240635 and:0.025795625522732735 :0.49710777401924133 +years:0.09246049076318741 hundred:0.04545040428638458 weeks:0.04317386820912361 of:0.04128208011388779 :0.17120379209518433 +The:0.09940981864929199 Dated:0.07968591153621674 This:0.040003057569265366 It:0.038682252168655396 :0.14407283067703247 +The:0.19254420697689056 It:0.0560501292347908 There:0.037796854972839355 He:0.031298134475946426 :0.0685497298836708 +have:0.06359940022230148 are:0.04811948165297508 will:0.0302637480199337 were:0.028301894664764404 :0.14402492344379425 +of:0.21819765865802765 in:0.06746912747621536 and:0.06145312637090683 to:0.042228445410728455 :0.11183422803878784 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.550246000289917 and:0.095573291182518 to:0.022150080651044846 which:0.020158762112259865 :0.04813418537378311 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.011366762220859528 way:0.007661782670766115 hands,:0.006277409382164478 the:0.0054213544353842735 :0.36734145879745483 +of:0.15506918728351593 and:0.07220499217510223 are:0.043599117547273636 to:0.03927428275346756 :0.16668027639389038 +the:0.013364706188440323 to:0.010348010808229446 .:0.008273628540337086 of:0.007837449200451374 :0.2746810019016266 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +to:0.12496975809335709 the:0.06203259527683258 them:0.042966920882463455 on:0.03831949084997177 :0.06101265922188759 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.23121102154254913 but:0.0754006877541542 the:0.049038879573345184 in:0.027437852695584297 :0.11647078394889832 +into:0.07065904140472412 the:0.045063719153404236 on:0.04141833260655403 ball:0.02604164555668831 :0.09297318011522293 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +and:0.23502615094184875 was:0.05261676013469696 of:0.05030013993382454 at:0.04335831105709076 :0.03622976318001747 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +The:0.17446184158325195 It:0.06346333026885986 I:0.031908001750707626 He:0.029486361891031265 :0.06986281275749207 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.029435982927680016 a:0.019499722868204117 found:0.01504917535930872 be:0.01173183973878622 :0.15617798268795013 +and:0.030169032514095306 soul:0.01905987039208412 the:0.010469899512827396 spirit.:0.008201117627322674 :0.5271424651145935 +is:0.019731253385543823 country:0.019328132271766663 city:0.014042927883565426 time:0.013483311049640179 :0.16438227891921997 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +.:0.016992798075079918 -:0.011539354920387268 d:0.011438672430813313 y:0.011296501383185387 :0.3914545178413391 +that:0.22696268558502197 to:0.06506839394569397 the:0.04803675040602684 nothing:0.028298335149884224 :0.09908337146043777 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +of:0.17551934719085693 and:0.10375085473060608 to:0.0550810731947422 upon:0.035448476672172546 :0.0323137491941452 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +was:0.032968323677778244 of:0.024402249604463577 is:0.015576101839542389 had:0.011254683136940002 :0.318806529045105 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +else:0.34711748361587524 to:0.05373511090874672 who:0.042852047830820084 was:0.026768000796437263 :0.09461352229118347 +in:0.2429257184267044 by:0.07238716632127762 In:0.06691829860210419 at:0.04739569127559662 :0.060105856508016586 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.06096494197845459 and:0.050136201083660126 as:0.02452424168586731 made:0.012838147580623627 :0.21271370351314545 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +after:0.12800534069538116 of:0.11116679012775421 from:0.05746030434966087 and:0.03951564058661461 :0.07066773623228073 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +day:0.04255614057183266 time:0.03274579346179962 to:0.03264548256993294 of:0.0245041660964489 :0.273775190114975 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.19714611768722534 the:0.08207855373620987 but:0.040243007242679596 a:0.03269919753074646 :0.0662274956703186 +in:0.10242012143135071 and:0.04413793608546257 to:0.04188914969563484 on:0.030992401763796806 :0.134567990899086 +der:0.12263701111078262 til:0.10974360257387161 less:0.03549420088529587 able:0.016936486586928368 :0.39640188217163086 +of:0.6219396591186523 that:0.15606875717639923 be:0.013827458955347538 for:0.011914320290088654 :0.03260258212685585 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +act:0.022069374099373817 hour:0.01376213226467371 old:0.00818408653140068 article:0.008063250221312046 :0.47188064455986023 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.08713521808385849 the:0.051683031022548676 not:0.04650919884443283 to:0.031067494302988052 :0.15388761460781097 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +against:0.25831979513168335 on:0.1486850380897522 over:0.1269441545009613 toward:0.03786349669098854 :0.03390929847955704 +and:0.05146842077374458 figure,:0.02160003036260605 woman,:0.020715264603495598 body:0.01326716784387827 :0.19242802262306213 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +will:0.05858500301837921 are:0.05637679249048233 have:0.046262744814157486 to:0.028816135600209236 :0.100628562271595 +of:0.319743275642395 what:0.043493274599313736 to:0.035871122032403946 was:0.032021064311265945 :0.05310627818107605 +Luther:0.1160237193107605 and:0.08872250467538834 of:0.032603003084659576 Van:0.017220864072442055 :0.3025835454463959 +and:0.16578184068202972 but:0.06415706872940063 which:0.04418530687689781 the:0.03262069821357727 :0.07277380675077438 +and:0.04088902100920677 deal:0.029246825724840164 for:0.020611973479390144 to:0.019957033917307854 :0.19851522147655487 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +with:0.7939010858535767 of:0.01892171800136566 between:0.013000203296542168 the:0.010499771684408188 :0.02557981386780739 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.16057275235652924 in:0.07675953954458237 the:0.04979874938726425 a:0.027891136705875397 :0.08580372482538223 +for:0.15478557348251343 from:0.0841619223356247 medicine.:0.0385197177529335 to:0.035672593861818314 :0.10905013233423233 +of:0.32597658038139343 the:0.058249298483133316 and:0.051718126982450485 to:0.039677396416664124 :0.03653651848435402 +of:0.14723491668701172 years:0.02777463011443615 other:0.02484290674328804 a:0.024535955861210823 :0.2057875543832779 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +of:0.15699690580368042 and:0.08821885287761688 in:0.06510590761899948 at:0.05926419422030449 :0.040418196469545364 +the:0.1852588802576065 of:0.06145394593477249 a:0.05760923773050308 out:0.051759906113147736 :0.0966184213757515 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.3073415160179138 and:0.04030843451619148 Board:0.028057917952537537 to:0.022900084033608437 :0.10810422897338867 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +to:0.24698565900325775 by:0.08737216144800186 that:0.02438562922179699 a:0.019718801602721214 :0.17694467306137085 +by:0.27397024631500244 the:0.1184888556599617 a:0.06874449551105499 him:0.03828684240579605 :0.03770023584365845 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +and:0.02752406895160675 party:0.026342500001192093 parties:0.025029290467500687 parties,:0.01527596078813076 :0.3384157717227936 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.06359940022230148 are:0.04811948165297508 will:0.0302637480199337 were:0.028301894664764404 :0.14402492344379425 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ized:0.35560524463653564 ities:0.05155107378959656 ity:0.04288996383547783 ity.:0.012813666835427284 :0.4514522850513458 +and:0.019787205383181572 of:0.018126891925930977 in:0.012394282966852188 to:0.010764232836663723 :0.23201581835746765 +and:0.04051117226481438 politics:0.017526745796203613 organization,:0.016758544370532036 advantage,:0.016653520986437798 :0.3218595087528229 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.19586975872516632 a:0.022447124123573303 tbe:0.01578829064965248 this:0.014272506348788738 :0.24356701970100403 +and:0.13441404700279236 of:0.10674969106912613 in:0.08300000429153442 are:0.059312112629413605 :0.032465431839227676 +The:0.0882168784737587 He:0.05103379115462303 I:0.04823464900255203 It:0.046025101095438004 :0.1645796298980713 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +party:0.26771798729896545 party,:0.14677278697490692 candi-:0.01756945066154003 members:0.014215825125575066 :0.2194165587425232 +and:0.2965884208679199 the:0.053810350596904755 which:0.027948567643761635 or:0.027583902701735497 :0.11246227473020554 +The:0.14016389846801758 It:0.027968475595116615 In:0.024512166157364845 He:0.02243470586836338 :0.11028356850147247 +by:0.26699334383010864 of:0.067082978785038 and:0.03211508318781853 in:0.03189248964190483 :0.06213214620947838 +in:0.1800895780324936 above,:0.07478684931993484 and:0.045211199671030045 the:0.035007309168577194 :0.07628760486841202 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05141858756542206 to:0.02937767095863819 for:0.026872888207435608 as:0.015418296679854393 :0.36850160360336304 +and:0.13836750388145447 of:0.05187015235424042 were:0.034589268267154694 to:0.03394937887787819 :0.10189560800790787 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +made:0.030864957720041275 a:0.030253836885094643 the:0.019948288798332214 in:0.017233949154615402 :0.20557965338230133 +the:0.37784305214881897 tho:0.04416779801249504 this:0.039214838296175 a:0.024165311828255653 :0.10123487561941147 +to:0.21274329721927643 the:0.21191734075546265 said:0.02831496112048626 is:0.02770109660923481 :0.05197989568114281 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +up:0.13681690394878387 out:0.051441073417663574 the:0.0406828410923481 a:0.030606629326939583 :0.02889738231897354 +and:0.16168212890625 with:0.050489943474531174 the:0.028736647218465805 as:0.025859322398900986 :0.10871928930282593 +of:0.23669138550758362 hundred:0.034708380699157715 who:0.025324884802103043 or:0.020803947001695633 :0.09218183904886246 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ernment:0.6092529892921448 ernment,:0.03909750655293465 ern:0.01088645774871111 ernor:0.0022699215915054083 :0.31589365005493164 +upon:0.2591853737831116 on:0.14204666018486023 and:0.11879891157150269 by:0.07858773320913315 :0.0455571711063385 +be:0.38700804114341736 have:0.0433880053460598 not:0.03312887251377106 bo:0.01500721089541912 :0.09331110864877701 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.3229638934135437 in:0.09322509169578552 and:0.03380745276808739 is:0.028944073244929314 :0.07253166288137436 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +or:0.0500715970993042 years:0.0476372204720974 hundred:0.029788659885525703 of:0.02675805240869522 :0.23603060841560364 +the:0.29305732250213623 to:0.03828961029648781 and:0.03732890263199806 a:0.028406821191310883 :0.11813075840473175 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +The:0.01782161369919777 .:0.01606694608926773 and:0.013455505482852459 A:0.01110301073640585 :0.42537742853164673 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.24472357332706451 a:0.026601819321513176 tho:0.022451795637607574 this:0.017733920365571976 :0.23138751089572906 +of:0.13774479925632477 and:0.06360723078250885 in:0.05979228764772415 is:0.0421135239303112 :0.0869067907333374 +and:0.19526711106300354 to:0.09187392145395279 than:0.07894612103700638 for:0.03786050155758858 :0.28947943449020386 +the:0.08087357133626938 a:0.07961864024400711 him:0.06475184857845306 me:0.05047839879989624 :0.05463146045804024 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.41702577471733093 was:0.06627018749713898 in:0.06434671580791473 is:0.0452386736869812 :0.033584002405405045 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +of:0.3005320727825165 the:0.038694899529218674 to:0.027952611446380615 for:0.026236392557621002 :0.07744846493005753 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.5122154951095581 the:0.03679243102669716 in:0.013262451626360416 so:0.01286507211625576 :0.06405667960643768 +to:0.16673797369003296 and:0.07199999690055847 as:0.029860591515898705 in:0.02414841577410698 :0.2914641797542572 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05272570624947548 number:0.04254746809601784 amount:0.027246197685599327 part:0.025047848001122475 :0.23291844129562378 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +the:0.23927725851535797 a:0.07241900265216827 their:0.016966311261057854 his:0.014634140767157078 :0.1351313292980194 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +and:0.013849842362105846 of:0.011547964997589588 man:0.007559013552963734 to:0.007234237622469664 :0.44312649965286255 +of:0.21099638938903809 the:0.11087290942668915 for:0.050749022513628006 to:0.048193685710430145 :0.05287536606192589 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +shall:0.05446338653564453 who:0.02767075225710869 have:0.026844078674912453 will:0.01961476542055607 :0.24262525141239166 +man:0.06095068156719208 and:0.053839702159166336 men:0.035848747938871384 people:0.01822715811431408 :0.33601105213165283 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +with:0.06273382902145386 and:0.04190251603722572 of:0.038935884833335876 was:0.02972414530813694 :0.07940685749053955 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.15697121620178223 by:0.14926564693450928 and:0.06289861351251602 a:0.031502045691013336 :0.07673541456460953 +of:0.07824710011482239 to:0.06095558777451515 and:0.05458080396056175 is:0.03414469212293625 :0.09532852470874786 +to:0.10579519718885422 in:0.05247631296515465 at:0.050294164568185806 was:0.036252450197935104 :0.056039899587631226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +not:0.24964158236980438 the:0.04876316711306572 with:0.034085433930158615 so:0.02597523108124733 :0.07652443647384644 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.28989842534065247 but:0.048560284078121185 as:0.03977113589644432 the:0.02668336220085621 :0.043706461787223816 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.11833980679512024 to:0.05643961578607559 is:0.04433310031890869 at:0.03861091658473015 :0.07068299502134323 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +pared:0.18265977501869202 sent:0.097044937312603 sented:0.03352852538228035 serve:0.02346774749457836 :0.45807066559791565 +was:0.05612771958112717 had:0.03405972570180893 has:0.030224209651350975 would:0.02645392157137394 :0.1902216225862503 +to:0.20979955792427063 in:0.12372521311044693 by:0.11016979813575745 from:0.07830461859703064 :0.07033626735210419 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +in:0.1111629381775856 at:0.10870302468538284 with:0.06778665632009506 the:0.04380616918206215 :0.052793581038713455 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.11383490264415741 a:0.06669934839010239 any:0.03197062015533447 one:0.02717590518295765 :0.14124393463134766 +and:0.058563072234392166 at:0.05571788176894188 of:0.03688621520996094 in:0.03214990720152855 :0.20409880578517914 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +be:0.24011649191379547 not:0.06241082772612572 have:0.02453269623219967 bo:0.014607938937842846 :0.11404091119766235 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +to:0.5543025135993958 and:0.1897052675485611 of:0.023773513734340668 from:0.013330482877790928 :0.0515722781419754 +the:0.07883995026350021 a:0.021949952468276024 to:0.01325205247849226 that:0.011554489843547344 :0.2603333294391632 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2392548769712448 but:0.04414675012230873 the:0.035965029150247574 as:0.026197312399744987 :0.1130015105009079 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +O.:0.02600044384598732 L.:0.024637261405587196 K.:0.01852027140557766 B.:0.016538137570023537 :0.3683984577655792 +a:0.1559261828660965 the:0.12354136258363724 it:0.03652661293745041 up:0.026884250342845917 :0.07115337997674942 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +that:0.09242137521505356 which:0.04869495704770088 to:0.04481525719165802 in:0.03876658156514168 :0.09917939454317093 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.22196796536445618 and:0.060629211366176605 is:0.05183488503098488 in:0.05140208080410957 :0.09665241837501526 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.28359225392341614 to:0.09264831244945526 the:0.08296723663806915 of:0.06010662764310837 :0.05992184951901436 +in:0.15687009692192078 with:0.09245891124010086 a:0.07218315452337265 for:0.07002830505371094 :0.06513252854347229 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +south:0.13234014809131622 north:0.12725669145584106 along:0.0645948201417923 with:0.04142794385552406 :0.11484859138727188 +the:0.04785864055156708 and:0.03892301023006439 in:0.03224336355924606 a:0.02392612211406231 :0.13424846529960632 +of:0.25449109077453613 and:0.10355404019355774 or:0.08338356763124466 to:0.05941695719957352 :0.05110500752925873 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +of:0.19534318149089813 per:0.08395734429359436 in:0.034963566809892654 on:0.0347171276807785 :0.10120140016078949 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.18274834752082825 for:0.16177116334438324 of:0.15162859857082367 to:0.09965728968381882 :0.049197547137737274 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.066566102206707 in:0.06106466054916382 is:0.05749989300966263 was:0.05740228667855263 :0.05712170526385307 +the:0.2561436593532562 future:0.03806380182504654 to:0.01730288565158844 at:0.015998439863324165 :0.3009978234767914 +and:0.09869370609521866 was:0.036525364965200424 power:0.026755398139357567 to:0.02459234744310379 :0.16967229545116425 +of:0.48943743109703064 and:0.045150209218263626 is:0.020860744640231133 to:0.014594674110412598 :0.055353157222270966 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.08016017079353333 Lincoln:0.019503330811858177 John:0.007746602408587933 James:0.005912509746849537 :0.5852075815200806 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.1284632533788681 a:0.026250101625919342 tne:0.025473326444625854 said:0.014708544127643108 :0.25927409529685974 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.27524396777153015 tho:0.024867843836545944 two:0.017030509188771248 a:0.015407675877213478 :0.1611449420452118 +who:0.15546683967113495 of:0.054068438708782196 in:0.04889821633696556 and:0.037231337279081345 :0.07522748410701752 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +night:0.04215902090072632 year:0.04053235799074173 week,:0.028750654309988022 week:0.028232652693986893 :0.12024065852165222 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.5526315569877625 and:0.038576919585466385 that:0.02471267618238926 was:0.018535710871219635 :0.0326225571334362 +York:0.4628002345561981 York,:0.06645971536636353 York.:0.03494350612163544 Orleans:0.014419195242226124 :0.26021096110343933 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +and:0.2156682312488556 but:0.06629597395658493 the:0.04753940552473068 as:0.020359059795737267 :0.06272640824317932 +and:0.12608087062835693 but:0.06562764942646027 the:0.04865136370062828 that:0.024272184818983078 :0.1138405129313469 +and:0.16851986944675446 the:0.055526312440633774 or:0.03506975248456001 to:0.03162454441189766 :0.07793884724378586 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +in:0.13375048339366913 the:0.12466523051261902 by:0.08483171463012695 with:0.04264601692557335 :0.07858174294233322 +best:0.011719347909092903 old:0.01149445679038763 people:0.008539625443518162 first:0.005896392278373241 :0.34897640347480774 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.2852042317390442 be:0.14758430421352386 have:0.03215540945529938 see:0.01721758209168911 :0.09247339516878128 +of:0.20799259841442108 a:0.05731463432312012 the:0.04172637686133385 to:0.03607020899653435 :0.04064331576228142 +for:0.38682636618614197 a:0.12811419367790222 the:0.051637183874845505 that:0.04105094075202942 :0.07557807862758636 +who:0.10765866190195084 of:0.08128812164068222 and:0.062178291380405426 in:0.0551435761153698 :0.08127614110708237 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +of:0.10393664985895157 the:0.08664320409297943 and:0.07959240674972534 to:0.030564021319150925 :0.05687819421291351 +of:0.15790140628814697 house:0.057492416352033615 to:0.04763888940215111 and:0.03564709424972534 :0.07763960212469101 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.18013127148151398 the:0.04431680962443352 who:0.03980392590165138 but:0.027810297906398773 :0.08487698435783386 +to:0.06631027162075043 that:0.060553450137376785 like:0.060298334807157516 about:0.058599308133125305 :0.08593945950269699 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +to:0.07191890478134155 in:0.0676441416144371 on:0.05019355192780495 from:0.047103624790906906 :0.12648138403892517 +of:0.2671146094799042 and:0.05279519036412239 to:0.03920675069093704 in:0.028620222583413124 :0.09003128856420517 +the:0.02321665920317173 a:0.0128594059497118 to:0.009145733900368214 of:0.007971643470227718 :0.45189908146858215 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +and:0.11749498546123505 of:0.0520440973341465 with:0.030562907457351685 in:0.027504663914442062 :0.2075372040271759 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +The:0.10014645010232925 It:0.08272651582956314 But:0.03495496138930321 He:0.03453405201435089 :0.05307934805750847 +the:0.05820747837424278 tho:0.017862331122159958 a:0.01583860255777836 that:0.013228713534772396 :0.2522692382335663 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +H.:0.029155690222978592 E:0.019746312871575356 W:0.019198881462216377 W.:0.018007004633545876 :0.44014817476272583 +of:0.14495372772216797 time:0.028129344806075096 one:0.023477967828512192 other:0.01943124085664749 :0.17482872307300568 +of:0.6700025796890259 in:0.042626962065696716 ot:0.01831998862326145 to:0.015219686552882195 :0.035311050713062286 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.20958898961544037 of:0.13521285355091095 that:0.04914193972945213 In:0.046728625893592834 :0.034776847809553146 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +Dollars:0.09979081898927689 of:0.045807961374521255 and:0.045073311775922775 in:0.030620425939559937 :0.07576334476470947 +of:0.16192203760147095 who:0.0694124773144722 are:0.04720626771450043 to:0.04562331736087799 :0.056206706911325455 +cure:0.03464743494987488 establishment:0.027006441727280617 and:0.02609812095761299 cure.:0.023817183449864388 :0.15674178302288055 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +or:0.06119323521852493 years:0.04908664897084236 of:0.04152388498187065 and:0.022290175780653954 :0.2655816972255707 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.26078638434410095 has:0.05399153381586075 is:0.05206079035997391 to:0.051517970860004425 :0.08770446479320526 +for:0.10275525599718094 the:0.0314035639166832 in:0.027558336034417152 was:0.02107551321387291 :0.1448935568332672 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.14459912478923798 a:0.1349516361951828 of:0.03517584502696991 an:0.03398486599326134 :0.1294097751379013 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +of:0.46512770652770996 and:0.057345595210790634 or:0.019963059574365616 was:0.019506465643644333 :0.040614042431116104 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +small,:0.04539277404546738 to:0.03081558085978031 small:0.03003932163119316 higher:0.02866825833916664 :0.18070416152477264 +the:0.12192673981189728 be:0.05260312557220459 have:0.01891236938536167 a:0.018872948363423347 :0.27061593532562256 +and:0.2111721634864807 the:0.05582324042916298 but:0.04446931928396225 in:0.02279495820403099 :0.07567203789949417 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.5151461958885193 upon:0.02918759360909462 are:0.02704250067472458 were:0.02553810551762581 :0.020704299211502075 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +United:0.016774695366621017 same:0.008666077628731728 most:0.007206255570054054 other:0.007104007992893457 :0.28467094898223877 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.03399119898676872 in:0.03147679939866066 to:0.0304418932646513 the:0.026515047997236252 :0.5056201815605164 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16298779845237732 to:0.06746511161327362 of:0.06212422251701355 and:0.03181394934654236 :0.11735682189464569 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +with:0.7939010858535767 of:0.01892171800136566 between:0.013000203296542168 the:0.010499771684408188 :0.02557981386780739 +the:0.10226238518953323 of:0.045731429010629654 a:0.04569866508245468 and:0.037161026149988174 :0.09410148859024048 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +menced:0.07696787267923355 pelled:0.0728989690542221 mand:0.045543372631073 mittee:0.04387266933917999 :0.2858681082725525 +of:0.3687405586242676 to:0.09430359303951263 and:0.09347169101238251 for:0.05733482539653778 :0.038448918610811234 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.09315019845962524 in:0.08268646895885468 and:0.07984445244073868 to:0.05664271488785744 :0.12095607817173004 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.1461470127105713 and:0.10569249838590622 to:0.047676458954811096 in:0.039478495717048645 :0.07022955268621445 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.1590406745672226 that:0.1478133201599121 what:0.04049573466181755 a:0.040367428213357925 :0.06306251138448715 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +that:0.06399282813072205 much:0.029552403837442398 to:0.02310137264430523 far:0.01974666491150856 :0.3096367120742798 +of:0.2884553372859955 but:0.05044475570321083 the:0.04513164237141609 too:0.03575032576918602 :0.04306629300117493 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.45326775312423706 and:0.1008470356464386 or:0.03534805774688721 that:0.02136930823326111 :0.05714986473321915 +Oats:0.0980633795261383 Rye:0.08972703665494919 A:0.08421558886766434 The:0.0642419084906578 :0.1785462498664856 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +was:0.10366390645503998 to:0.056251656264066696 of:0.05318459868431091 for:0.037427179515361786 :0.08027124404907227 +D.:0.09133537113666534 D:0.07076951116323471 M:0.04196279123425484 D.,:0.026836561039090157 :0.3871876001358032 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.2850066125392914 and:0.1094934344291687 to:0.04435509443283081 in:0.027368059381842613 :0.06194508820772171 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.239238440990448 but:0.05324041098356247 the:0.04927443712949753 as:0.034805089235305786 :0.07290295511484146 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +and:0.20257313549518585 was:0.05261597782373428 of:0.046241190284490585 to:0.02917073853313923 :0.14075268805027008 +the:0.24922113120555878 a:0.05138245224952698 his:0.03303111344575882 its:0.03209777548909187 :0.03519082069396973 +It:0.07764285057783127 The:0.07489868998527527 In:0.0461273118853569 There:0.0436403788626194 :0.10789557546377182 +have:0.08998887985944748 are:0.07807593792676926 were:0.04718169942498207 had:0.0328003466129303 :0.10591986030340195 +run:0.01162492111325264 and:0.008854275569319725 business:0.006247990764677525 branches:0.006172844674438238 :0.3865572512149811 +mortgage:0.05769551172852516 that:0.040674857795238495 deed:0.0221566092222929 to:0.019638730213046074 :0.18850070238113403 +and:0.05320268124341965 men:0.00866639707237482 American:0.007813772186636925 article:0.00763595150783658 :0.3767014145851135 +ter,:0.5108618140220642 ters,:0.21839924156665802 ter:0.1363287717103958 ters:0.07172391563653946 :0.011648653075098991 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.35509830713272095 to:0.266605943441391 for:0.03638863563537598 and:0.03478505089879036 :0.028977567330002785 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +day:0.060703083872795105 of:0.04197319969534874 time:0.024229440838098526 to:0.02159694768488407 :0.08005806803703308 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +of:0.2832876145839691 and:0.08247891068458557 in:0.032108373939991 to:0.022852620109915733 :0.13899685442447662 +be:0.3928793668746948 have:0.05350496619939804 not:0.04936812445521355 he:0.014986631460487843 :0.08417212218046188 +The:0.03802361711859703 I:0.03024756722152233 'The:0.01613570563495159 the:0.01491854153573513 :0.2746899724006653 +the:0.16689828038215637 of:0.1414046287536621 they:0.10606171190738678 it:0.07918792963027954 :0.04231705144047737 +more:0.06809373944997787 of:0.06093626469373703 as:0.0430135503411293 to:0.040733616799116135 :0.16204242408275604 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.17305314540863037 is:0.057655807584524155 in:0.043843965977430344 was:0.03633572906255722 :0.1253957599401474 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.10890191048383713 was:0.0405094176530838 of:0.03157088905572891 streets,:0.030895421281456947 :0.13997016847133636 +not:0.030454551801085472 to:0.028617793694138527 a:0.028333630412817 the:0.01993033103644848 :0.16781246662139893 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2235361784696579 of:0.0925336480140686 and:0.06632152199745178 the:0.035124119371175766 :0.052219077944755554 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.27217957377433777 and:0.13311076164245605 were:0.10531836003065109 are:0.06691037118434906 :0.06921030580997467 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +The:0.14152157306671143 It:0.07865210622549057 In:0.0399993471801281 A:0.024508565664291382 :0.1417805254459381 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.5152481198310852 and:0.06656486541032791 to:0.02814190834760666 in:0.023552201688289642 :0.029872259125113487 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2854823172092438 by:0.1500404328107834 the:0.07355239242315292 and:0.03473861888051033 :0.12178695946931839 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05939844623208046 a:0.04092495143413544 made:0.026224760338664055 in:0.02551361918449402 :0.1850721836090088 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +the:0.3300495743751526 a:0.07905515283346176 him:0.05374160781502724 her:0.04163705185055733 :0.12260367721319199 +and:0.2120968997478485 the:0.04300493374466896 but:0.02933390624821186 or:0.026237282902002335 :0.0587494783103466 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +of:0.34830808639526367 up:0.05214255675673485 and:0.04810725897550583 was:0.028909781947731972 :0.051487717777490616 +Justice:0.641805112361908 of:0.06140818074345589 Engineer:0.016077285632491112 Clerk:0.010480622760951519 :0.1377221792936325 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.12235868722200394 to:0.033607639372348785 in:0.020284513011574745 as:0.019513165578246117 :0.2952119708061218 +a:0.0446506105363369 as:0.041239675134420395 every:0.04071168974041939 entirely:0.025660259649157524 :0.22115212678909302 +as:0.24346423149108887 known:0.06922262907028198 to:0.03144949674606323 and:0.029637647792696953 :0.15385600924491882 +one:0.04034371301531792 doubt:0.03738328441977501 more:0.02378307282924652 longer:0.01941046677529812 :0.1965080350637436 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +of:0.10149664431810379 year:0.04437810927629471 other,:0.02992940880358219 other:0.027364635840058327 :0.16645924746990204 +of:0.7742573022842407 from:0.017467737197875977 ot:0.013149995356798172 that:0.01060362346470356 :0.015534867532551289 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.2605803310871124 the:0.16463947296142578 of:0.05580434575676918 with:0.024359775707125664 :0.0555756539106369 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +fice:0.06181148812174797 the:0.042048849165439606 fered:0.039918411523103714 ten:0.0284793209284544 :0.5988736152648926 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.041103433817625046 a:0.010672147385776043 that:0.009652103297412395 to:0.008572918362915516 :0.387245237827301 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.20657694339752197 and:0.07714859396219254 to:0.02745741233229637 in:0.02668582834303379 :0.06944956630468369 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.42879217863082886 the:0.05639713630080223 in:0.0377148762345314 and:0.027652010321617126 :0.04382414370775223 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09920018166303635 to:0.05656703934073448 a:0.028130996972322464 of:0.027926335111260414 :0.10585883259773254 +and:0.22107332944869995 but:0.06975489854812622 the:0.03120826929807663 or:0.023693876340985298 :0.0506351999938488 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +mortgage:0.05239317938685417 that:0.041594211012125015 to:0.028015220537781715 he:0.02059260383248329 :0.1631845086812973 +day:0.03569984808564186 of:0.03567690774798393 time:0.03282284736633301 to:0.02192087471485138 :0.14157088100910187 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.18959487974643707 and:0.08930225670337677 or:0.025816775858402252 to:0.017220264300704002 :0.18738245964050293 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +beings:0.03632214665412903 nature:0.03577841818332672 nature.:0.03465529531240463 life:0.02696729078888893 :0.21320384740829468 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +the:0.08436189591884613 be:0.029560454189777374 a:0.019718466326594353 tho:0.01588033325970173 :0.18747669458389282 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.17519211769104004 you:0.05338868126273155 he:0.050497621297836304 we:0.04561666399240494 :0.07705965638160706 +are:0.11754913628101349 were:0.07640086114406586 have:0.06129732355475426 will:0.052574533969163895 :0.10841750353574753 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.02457280457019806 made:0.021865377202630043 the:0.02047652006149292 held:0.009610939770936966 :0.2798115909099579 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +H.:0.02714238129556179 W.:0.02104434184730053 D.:0.019211648032069206 J:0.01890249364078045 :0.3880585730075836 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +.:0.06709418445825577 0:0.027413999661803246 per:0.024896793067455292 o'clock:0.022434556856751442 :0.25730472803115845 +and:0.17212030291557312 to:0.053898561745882034 at:0.024046849459409714 in:0.02187471091747284 :0.12307067215442657 +is:0.189830482006073 was:0.12313608080148697 are:0.09704214334487915 were:0.08477374166250229 :0.04226938262581825 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.3236723840236664 of:0.08590887486934662 are:0.04412230849266052 were:0.041034385561943054 :0.039149269461631775 +M:0.15817305445671082 M.:0.09213034808635712 &:0.011996847577393055 M.,:0.011043411679565907 :0.3745432496070862 +and:0.06293003261089325 of:0.04829078167676926 to:0.041286904364824295 in:0.028978489339351654 :0.10441338270902634 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +of:0.23772567510604858 and:0.03560546785593033 for:0.029930969700217247 the:0.027252433821558952 :0.05063910037279129 +that:0.09881184250116348 to:0.05996076762676239 and:0.05354001000523567 as:0.021059712395071983 :0.2906290292739868 +bers:0.2367507964372635 ber:0.09574997425079346 and:0.024337362498044968 of:0.02330995351076126 :0.19655539095401764 +by:0.17835499346256256 the:0.09777951240539551 at:0.08008121699094772 in:0.054767634719610214 :0.054135460406541824 +of:0.22006067633628845 or:0.06089397147297859 in:0.054358720779418945 is:0.04906823858618736 :0.04528891295194626 +A:0.024413587525486946 S:0.0169355571269989 F:0.01490971352905035 A.:0.012029120698571205 :0.4297746419906616 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +time:0.04804914444684982 as:0.03390362486243248 to:0.02702779695391655 manner:0.024226995185017586 :0.1283360719680786 +the:0.33896705508232117 a:0.08619778603315353 his:0.020668644458055496 this:0.014016334898769855 :0.10229716449975967 +that:0.1517334282398224 of:0.08627990633249283 the:0.05956723913550377 it:0.049439072608947754 :0.04282793775200844 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16779862344264984 is:0.07700490951538086 and:0.054416779428720474 to:0.04046732187271118 :0.05176391825079918 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.24937713146209717 and:0.12805472314357758 with:0.03202534466981888 or:0.02467460185289383 :0.1208328828215599 +o'clock:0.11273703724145889 .:0.07824217528104782 a.:0.05199563875794411 to:0.03977152332663536 :0.2557852268218994 +to:0.2068144977092743 from:0.04515812173485756 in:0.043426912277936935 the:0.043175652623176575 :0.08021046221256256 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.2415979653596878 but:0.03924720734357834 as:0.03817538172006607 the:0.036095328629016876 :0.05078522861003876 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.06844858080148697 a:0.06363412737846375 any:0.04555201157927513 disposing:0.022405441850423813 :0.12543126940727234 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +of:0.22038088738918304 who:0.04936563968658447 to:0.019983455538749695 or:0.01795741356909275 :0.10787676274776459 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +of:0.29525572061538696 a:0.05242224037647247 men:0.020975356921553612 times:0.019468998536467552 :0.13482315838336945 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.11125113815069199 to:0.09159598499536514 in:0.06826943159103394 who:0.05327513441443443 :0.06105606630444527 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +vanced:0.13190989196300507 vantage:0.06024985387921333 vice:0.038383226841688156 ministration:0.033063601702451706 :0.4695376753807068 +of:0.28227850794792175 the:0.07764828950166702 and:0.05636553838849068 to:0.0440732017159462 :0.06389236450195312 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +riage:0.08472441881895065 be:0.07718940824270248 ket:0.06550733745098114 ried:0.05419956147670746 :0.18123087286949158 +to:0.14239946007728577 supply:0.04823046550154686 provision:0.023809267207980156 transportation:0.02356964722275734 :0.1521446406841278 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +have:0.06359940022230148 are:0.04811948165297508 will:0.0302637480199337 were:0.028301894664764404 :0.14402492344379425 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +as:0.06102084368467331 in:0.05362273007631302 if:0.036575354635715485 with:0.03448941931128502 :0.1214815229177475 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.1346403956413269 that:0.06305823475122452 and:0.034716296941041946 in:0.03283066675066948 :0.12986354529857635 +a:0.07867486029863358 the:0.0769566148519516 any:0.060875799506902695 being:0.018257271498441696 :0.24580079317092896 +and:0.13056953251361847 who:0.025511400774121284 the:0.021858997642993927 July:0.017961950972676277 :0.29653775691986084 +and:0.19614602625370026 has:0.06113240867853165 to:0.041502516716718674 is:0.041102584451436996 :0.06582292169332504 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +the:0.2319031059741974 a:0.05178464204072952 this:0.03140401467680931 tho:0.020044071599841118 :0.15005096793174744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +in:0.07661786675453186 up:0.06805740296840668 on:0.03784679248929024 the:0.03691430017352104 :0.10569887608289719 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +been:0.07456448674201965 a:0.034658629447221756 to:0.027065929025411606 not:0.023447366431355476 :0.23134548962116241 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.07309475541114807 was:0.0646689310669899 who:0.05993006005883217 in:0.04454505443572998 :0.0765242949128151 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.21317780017852783 the:0.20023241639137268 that:0.04940453916788101 is:0.033906251192092896 :0.07128005474805832 +to:0.2407170534133911 of:0.1178680956363678 and:0.05331043154001236 angles:0.03574568033218384 :0.06454285234212875 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +by:0.0991608127951622 in:0.07434986531734467 to:0.06434772908687592 for:0.03621973469853401 :0.03778068721294403 +own:0.01782693900167942 present:0.004947799723595381 use:0.004796674009412527 first:0.004483058117330074 :0.3172162175178528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.06634589284658432 the:0.026987232267856598 to:0.016389217227697372 in:0.014534000307321548 :0.32024040818214417 +the:0.16930992901325226 to:0.13909825682640076 and:0.06444151699542999 on:0.03956734389066696 :0.0622277557849884 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +from:0.17223003506660461 the:0.15242089331150055 of:0.04817190766334534 by:0.034730326384305954 :0.10243195295333862 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +was:0.11885638535022736 had:0.10500328987836838 has:0.04185684025287628 is:0.03377951309084892 :0.09770838171243668 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.3896086513996124 and:0.08777668327093124 were:0.059624169021844864 are:0.05629444494843483 :0.04507596418261528 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.0924113318324089 by:0.048582032322883606 in:0.04480356723070145 the:0.04410794377326965 :0.12332148849964142 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.04946545884013176 o'clock:0.0450127050280571 and:0.037272244691848755 per:0.0343312993645668 :0.36093729734420776 +and:0.0557236447930336 to:0.04115188494324684 watching:0.03388848900794983 watched:0.033450741320848465 :0.20357879996299744 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.130605548620224 he:0.08080178499221802 they:0.062327850610017776 it:0.0564524345099926 :0.07956196367740631 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +of:0.19534318149089813 per:0.08395734429359436 in:0.034963566809892654 on:0.0347171276807785 :0.10120140016078949 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +for:0.3804536759853363 are:0.045984700322151184 in:0.04164861887693405 to:0.036502256989479065 :0.04565931484103203 +of:0.2278250902891159 in:0.08890357613563538 to:0.049913737922906876 and:0.04361823573708534 :0.04233591631054878 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +a:0.06510226428508759 the:0.04162773862481117 not:0.03503737226128578 in:0.018439237028360367 :0.15923245251178741 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +them:0.06462922692298889 a:0.06370687484741211 the:0.06203547492623329 to:0.05158926546573639 :0.0786411240696907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.0942833200097084 who:0.033881451934576035 the:0.02616049163043499 at:0.02224271558225155 :0.3171779215335846 +of:0.5045424699783325 and:0.040822383016347885 that:0.026501892134547234 is:0.02606743946671486 :0.030275406315922737 +that:0.3057287633419037 a:0.11404867470264435 the:0.07526559382677078 how:0.03739549219608307 :0.03717785328626633 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +far:0.0628993958234787 the:0.01833101361989975 to:0.016516700387001038 be:0.01465325616300106 :0.24920277297496796 +to:0.03221859037876129 own:0.02059480920433998 husband:0.01374988816678524 and:0.013352133333683014 :0.26903778314590454 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +other:0.054650574922561646 one:0.04905884712934494 of:0.0473540835082531 person:0.02315659075975418 :0.1660906821489334 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +at:0.7153831124305725 in:0.014927334152162075 by:0.011331629008054733 for:0.009224828332662582 :0.05106044188141823 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +The:0.0882168784737587 He:0.05103379115462303 I:0.04823464900255203 It:0.046025101095438004 :0.1645796298980713 +a:0.057292137295007706 the:0.041209012269973755 to:0.039928190410137177 way:0.0271409060806036 :0.13350892066955566 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +acres:0.08258405327796936 per:0.07187370210886002 deg.:0.03969142958521843 miles:0.035870034247636795 :0.13386419415473938 +to:0.17283038794994354 up:0.11285191029310226 with:0.06260741502046585 the:0.04941394552588463 :0.07078508287668228 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +by:0.23543746769428253 in:0.0956573411822319 the:0.09094209223985672 to:0.050027284771203995 :0.04592182859778404 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +than:0.19679094851016998 or:0.0502423420548439 of:0.021615009754896164 and:0.015620522201061249 :0.18503591418266296 +to:0.14106550812721252 in:0.047143854200839996 and:0.03402778133749962 a:0.02227163501083851 :0.07103685289621353 +and:0.347402423620224 which:0.04095233976840973 the:0.020393064245581627 but:0.012022691778838634 :0.27313032746315 +pecially:0.05052153393626213 tate:0.03396740183234215 cape:0.023514267057180405 -:0.005618176888674498 :0.8233245611190796 +of:0.39352574944496155 and:0.07260143756866455 in:0.03505924716591835 is:0.026673298329114914 :0.04103577882051468 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +o'clock:0.05684874951839447 to:0.04540402442216873 and:0.03979965299367905 per:0.025190427899360657 :0.1952810287475586 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.10612329840660095 to:0.09711632132530212 in:0.04431754723191261 as:0.027524372562766075 :0.174264594912529 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.06537636369466782 him:0.02609352208673954 by:0.02464793436229229 and:0.02329963631927967 :0.32381880283355713 +the:0.43581095337867737 a:0.047701310366392136 tho:0.026799533516168594 which:0.025940699502825737 :0.08805277198553085 +of:0.21515880525112152 which:0.17584244906902313 that:0.05115816369652748 follow,:0.036757692694664 :0.06397927552461624 +and:0.21835701167583466 the:0.029138069599866867 with:0.027558932080864906 but:0.02146373689174652 :0.0395609550178051 +of:0.16049207746982574 and:0.11657971888780594 to:0.048789046704769135 in:0.04091433435678482 :0.05882944539189339 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +wife,:0.018106646835803986 own:0.016903402283787727 eyes:0.011792769655585289 wife:0.01171864289790392 :0.26691049337387085 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.3571119010448456 a:0.05886416137218475 which:0.03384114056825638 his:0.025768760591745377 :0.07405693829059601 +much:0.11411801725625992 that:0.06777242571115494 far:0.04179975762963295 many:0.03513970971107483 :0.15179333090782166 +and:0.05999252200126648 in:0.04418222978711128 is:0.034172672778367996 to:0.03162502497434616 :0.11910877376794815 +of:0.2388317734003067 to:0.062158774584531784 will:0.059888266026973724 and:0.0526028536260128 :0.07102534174919128 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +is:0.271384060382843 was:0.15340204536914825 are:0.14836961030960083 were:0.08063216507434845 :0.03798292577266693 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +ago:0.15283815562725067 of:0.10333237051963806 ago,:0.0692054033279419 ago.:0.039754718542099 :0.06904945522546768 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +not:0.04713992774486542 the:0.029150815680623055 to:0.020791543647646904 in:0.018575401976704597 :0.16525867581367493 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +not:0.12010759860277176 should:0.0925828218460083 is:0.08066566288471222 do:0.05971904098987579 :0.08128967881202698 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +be:0.17330887913703918 have:0.11735425889492035 not:0.08067309111356735 make:0.015017375349998474 :0.0947207659482956 +a:0.17046187818050385 an:0.046893227845430374 as:0.045152079313993454 case:0.010641342028975487 :0.20641030371189117 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +department:0.13553057610988617 and:0.06852633506059647 of:0.033816516399383545 yard:0.030651623383164406 :0.10554251819849014 +been:0.13183759152889252 a:0.059158213436603546 to:0.03407483920454979 not:0.033041711896657944 :0.11615530401468277 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +of:0.2687099575996399 and:0.09083836525678635 in:0.06558272242546082 for:0.0338747464120388 :0.03498580679297447 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +the:0.10933942347764969 a:0.09367761760950089 to:0.053896743804216385 well:0.03685634955763817 :0.10739018768072128 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +the:0.24463897943496704 for:0.06494514644145966 a:0.048490095883607864 said:0.04220549389719963 :0.06664276868104935 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +said:0.004928037989884615 whole:0.004053969867527485 United:0.003921668976545334 city:0.0038735964335501194 :0.4893916845321655 +of:0.13176177442073822 and:0.09705605357885361 is:0.04593224450945854 in:0.03961748629808426 :0.05862429738044739 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +auction:0.029577473178505898 auction,:0.02739769034087658 schools:0.019121991470456123 school:0.016231974586844444 :0.2218177318572998 +the:0.35877737402915955 a:0.046587806195020676 tho:0.02499482035636902 his:0.015456757508218288 :0.09236308932304382 +is:0.17953994870185852 was:0.09474015235900879 would:0.036517661064863205 has:0.029500454664230347 :0.08015094697475433 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +years:0.0386536605656147 of:0.03167351707816124 months:0.03070986084640026 and:0.02924666740000248 :0.41249921917915344 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +plat:0.03573504462838173 and:0.026573142036795616 of:0.02558719739317894 figures:0.01899840496480465 :0.24131865799427032 +of:0.5893412232398987 to:0.058041155338287354 is:0.026509670540690422 was:0.025304751470685005 :0.025621647015213966 +of:0.37366318702697754 in:0.049490269273519516 with:0.031161265447735786 and:0.02920062467455864 :0.06678822636604309 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +City,:0.1756613403558731 City:0.16960711777210236 and:0.0647900402545929 City.:0.05880061164498329 :0.15014152228832245 +who:0.10279558598995209 and:0.050773702561855316 was:0.04837517812848091 in:0.04814588278532028 :0.07640182226896286 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +the:0.2730769217014313 this:0.06634699553251266 a:0.05150717869400978 noon:0.03465668112039566 :0.1305743008852005 +the:0.26129454374313354 a:0.03208871930837631 this:0.019606688991189003 his:0.014247134327888489 :0.18759280443191528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.28527674078941345 a:0.06358031928539276 that:0.05695260316133499 in:0.050597622990608215 :0.05168915167450905 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +analysis:0.03694980964064598 and:0.03292081877589226 elements:0.015661148354411125 action:0.009696705266833305 :0.4880683422088623 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +United:0.0050268834456801414 most:0.004978610668331385 same:0.004547280725091696 said:0.0044790212996304035 :0.3724196255207062 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +to:0.14807383716106415 for:0.05559636279940605 and:0.037424471229314804 of:0.03506308048963547 :0.10963218659162521 +much:0.1333606243133545 many:0.03316567838191986 late.:0.032526008784770966 far:0.023430965840816498 :0.14723210036754608 +of:0.5173813104629517 to:0.06232087314128876 and:0.049099165946245193 in:0.02150994911789894 :0.034495964646339417 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +are:0.07785791903734207 have:0.06521765142679214 had:0.06253810226917267 has:0.054209597408771515 :0.08476302772760391 +the:0.18258988857269287 of:0.04295210540294647 that:0.02885831706225872 over:0.01599602773785591 :0.14130283892154694 +been:0.21123884618282318 a:0.03455169126391411 to:0.03317982703447342 the:0.029443951323628426 :0.08504527062177658 +own:0.026657264679670334 people:0.011291046626865864 country:0.0077940355986356735 great:0.007187566254287958 :0.20745529234409332 +is:0.22536294162273407 the:0.128757044672966 was:0.06643494218587875 are:0.04342399910092354 :0.0680900365114212 +and:0.032350875437259674 of:0.029477715492248535 tribes:0.01647002063691616 Territory:0.01592952385544777 :0.2920578420162201 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.2139890342950821 it:0.16049131751060486 a:0.040454354137182236 far:0.029654251411557198 :0.09477543830871582 +I:0.152558833360672 It:0.07699467986822128 The:0.07109267264604568 If:0.025377633050084114 :0.14665396511554718 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +to:0.0957203060388565 of:0.08330318331718445 the:0.05162782594561577 and:0.04774385690689087 :0.08055708557367325 +hand,:0.022163115441799164 words,:0.014910073950886726 than:0.012348254211246967 and:0.009168584831058979 :0.22457829117774963 +Newton:0.03301376849412918 and:0.030706973746418953 H.:0.025204509496688843 W.:0.017540598288178444 :0.4192749261856079 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.07778050750494003 J.:0.02274950034916401 B.:0.022469498217105865 A.:0.022373713552951813 :0.5078232884407043 +been:0.07456448674201965 a:0.034658629447221756 to:0.027065929025411606 not:0.023447366431355476 :0.23134548962116241 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +The:0.12261530011892319 It:0.041408464312553406 I:0.03921648859977722 When:0.023423656821250916 :0.15853334963321686 +be:0.059565357863903046 only:0.044825393706560135 to:0.03590543195605278 a:0.03193670138716698 :0.13776053488254547 +and:0.08068963140249252 Bay,:0.02917417138814926 was:0.02176903560757637 is:0.020103268325328827 :0.3307293653488159 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.36601021885871887 the:0.07771166414022446 that:0.06667709350585938 is:0.0453706756234169 :0.03993314504623413 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +of:0.413081556558609 and:0.04480364918708801 or:0.023945419117808342 to:0.022317415103316307 :0.06483561545610428 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.06709418445825577 0:0.027413999661803246 per:0.024896793067455292 o'clock:0.022434556856751442 :0.25730472803115845 +of:0.16808442771434784 and:0.0786469429731369 in:0.03301539644598961 to:0.022379668429493904 :0.12605100870132446 +of:0.1541784554719925 shall:0.08848406374454498 and:0.07644522935152054 to:0.07561826705932617 :0.042871419340372086 +are:0.022252563387155533 two:0.018825339153409004 men:0.017249057069420815 things:0.012574886903166771 :0.2306903749704361 +the:0.15003611147403717 to:0.10900816321372986 and:0.08775396645069122 a:0.05043601989746094 :0.05874069407582283 +and:0.1935892403125763 the:0.07371971011161804 which:0.04150630906224251 it:0.031738460063934326 :0.12788856029510498 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +economy:0.07985144853591919 observance:0.040726181119680405 and:0.02841787040233612 construction:0.027264952659606934 :0.15344655513763428 +be:0.2665598392486572 not:0.03323833644390106 do:0.02254035323858261 bo:0.017585594207048416 :0.11522316932678223 +the:0.2494482696056366 a:0.04943234473466873 least:0.025591755285859108 this:0.020694144070148468 :0.1989203691482544 +of:0.31658822298049927 to:0.17602631449699402 and:0.06143397465348244 in:0.03181212767958641 :0.04360609129071236 +of:0.034462641924619675 to:0.01858782209455967 .:0.017584815621376038 and:0.01545462291687727 :0.35664889216423035 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +that:0.500784158706665 of:0.12204060703516006 the:0.04646557942032814 by:0.021876074373722076 :0.03475739806890488 +the:0.2776135504245758 a:0.05404507368803024 said:0.02048281952738762 tho:0.017098961398005486 :0.14676004648208618 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +in:0.048158399760723114 the:0.04010135680437088 more:0.02768693119287491 be:0.024200741201639175 :0.20676326751708984 +to:0.09332945197820663 and:0.07970468699932098 is:0.039189524948596954 from:0.03567133843898773 :0.09636259824037552 +own:0.029869941994547844 wife:0.008409046567976475 way:0.00793673936277628 head:0.007838915102183819 :0.24261096119880676 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.09825723618268967 a:0.06843812018632889 not:0.023277878761291504 to:0.017676884308457375 :0.1913129836320877 +a:0.03661303594708443 the:0.03232875466346741 made:0.023549776524305344 held:0.010739992372691631 :0.22257643938064575 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +of:0.16008272767066956 was:0.11540920287370682 to:0.04577580839395523 with:0.04562285542488098 :0.04498298466205597 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +to:0.041565705090761185 and:0.027130143716931343 in:0.024048883467912674 or:0.021060707047581673 :0.40550386905670166 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +for:0.11851134896278381 against:0.05884387716650963 at:0.05798119306564331 place:0.05672869086265564 :0.13689762353897095 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +a:0.09102411568164825 the:0.06677024811506271 to:0.05868551880121231 up:0.03646249696612358 :0.09299018234014511 +old:0.017781872302293777 hour:0.015616071410477161 act:0.01480012945830822 increase:0.010420244187116623 :0.27032557129859924 +o'clock:0.09049316495656967 hundred:0.05011618137359619 months:0.04009426385164261 years:0.030146991834044456 :0.30628207325935364 +that:0.5187309980392456 of:0.042454902082681656 is:0.02942841500043869 the:0.01721104420721531 :0.025107886642217636 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +few:0.017134839668869972 great:0.015064090490341187 large:0.01417545322328806 good:0.010998171754181385 :0.2509167790412903 +of:0.09979380667209625 and:0.059749361127614975 men:0.046429965645074844 in:0.04512609541416168 :0.09038367122411728 +was:0.09381423145532608 had:0.07851223647594452 has:0.03945161774754524 would:0.037254173308610916 :0.12189187854528427 +of:0.09601150453090668 important:0.018563052639365196 difficult:0.011790805496275425 dangerous:0.009891950525343418 :0.3006054759025574 +and:0.03816550225019455 .:0.03455455228686333 of:0.03374283015727997 to:0.03020542487502098 :0.32567742466926575 +of:0.38064879179000854 to:0.10530611872673035 and:0.0503946989774704 of.:0.03830493241548538 :0.1309131234884262 +of:0.5240858197212219 and:0.04998968914151192 to:0.026303866878151894 in:0.024326391518115997 :0.018825741484761238 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +and:0.2829207181930542 the:0.059687864035367966 or:0.04063120111823082 but:0.0262003093957901 :0.07481218874454498 +own:0.028517883270978928 way:0.007680522743612528 respective:0.007180733606219292 hands:0.004258263390511274 :0.2989211678504944 +to:0.19256018102169037 heirs:0.12566012144088745 heirs,:0.12521648406982422 in:0.030368033796548843 :0.11990257352590561 +government,:0.08060076087713242 government:0.023667842149734497 German:0.02274036593735218 family:0.022384991869330406 :0.29225242137908936 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.05984223261475563 of:0.05329100787639618 in:0.03302149102091789 Houses:0.023344261571764946 :0.19465595483779907 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.5093444585800171 over:0.04655223339796066 by:0.04358131065964699 tho:0.035131994634866714 :0.07967038452625275 +from:0.14985395967960358 and:0.02321695350110531 when:0.01560559868812561 day:0.011067156679928303 :0.28890565037727356 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +first:0.008103943429887295 only:0.006929489318281412 following:0.00512681482359767 most:0.005039692856371403 :0.2530358135700226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +a:0.09089332073926926 the:0.06467828154563904 not:0.04968325048685074 to:0.028637465089559555 :0.13821502029895782 +been:0.2520754933357239 a:0.04132400080561638 not:0.03468794748187065 the:0.016955072060227394 :0.08592459559440613 +and:0.2308400422334671 the:0.06022477522492409 which:0.043500710278749466 but:0.03545471280813217 :0.08479045331478119 +the:0.046466752886772156 a:0.02166518196463585 any:0.017221949994564056 two:0.017004743218421936 :0.21248814463615417 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +for:0.08729736506938934 the:0.07204901427030563 at:0.06748168915510178 a:0.03884278982877731 :0.09119255840778351 +on:0.2707405984401703 wards:0.08159853518009186 ward:0.07906749844551086 on,:0.0703461617231369 :0.10567013919353485 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.0682615116238594 few:0.04127197712659836 large:0.028107261285185814 man:0.012087992392480373 :0.26394131779670715 +have:0.0645497590303421 was:0.051576483994722366 had:0.03894530609250069 am:0.034900326281785965 :0.1364828497171402 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +.:0.14191961288452148 .;:0.07819247245788574 .,:0.058786775916814804 the:0.05857791379094124 :0.18843765556812286 +the:0.08166290074586868 a:0.018831808120012283 that:0.014138249680399895 to:0.012450947426259518 :0.20847368240356445 +a:0.10382786393165588 the:0.07048171758651733 very:0.051332976669073105 so:0.038885168731212616 :0.20304261147975922 +is:0.23861542344093323 was:0.13285888731479645 Is:0.05420668050646782 has:0.04495078697800636 :0.07681652903556824 +the:0.27751272916793823 a:0.04192735627293587 his:0.017726615071296692 tho:0.01706257276237011 :0.18027633428573608 +to:0.22586606442928314 out:0.05229288712143898 up:0.04483071342110634 into:0.041657622903585434 :0.06358601897954941 +the:0.09219707548618317 it:0.04446663334965706 a:0.033981531858444214 they:0.028805775567889214 :0.06908970326185226 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.15345951914787292 be:0.05647924914956093 a:0.02272232249379158 make:0.013598359189927578 :0.15631859004497528 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +the:0.16919881105422974 he:0.034140344709157944 they:0.031683262437582016 it:0.026573939248919487 :0.09982149302959442 +the:0.2526775896549225 a:0.05174081400036812 this:0.027542095631361008 his:0.016611373052001 :0.15322047472000122 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +same:0.008977501653134823 said:0.005847069900482893 United:0.005774725694209337 most:0.0055465055629611015 :0.2721480131149292 +and:0.05453035235404968 of:0.042883120477199554 the:0.026965921744704247 to:0.02236248552799225 :0.23055674135684967 +the:0.21540692448616028 a:0.10636242479085922 his:0.02002067305147648 an:0.01882200874388218 :0.14675822854042053 +.:0.4227900207042694 M:0.027388522401452065 .,:0.014756178483366966 A:0.0059966351836919785 :0.3168109357357025